/aosp_15_r20/external/executorch/kernels/test/ |
H A D | op_empty_test.cpp | 31 optional<MemoryFormat> memory_format, in op_empty_out() 42 optional<MemoryFormat> memory_format; in test_empty_out() local 63 optional<MemoryFormat> memory_format; in ET_FORALL_REAL_TYPES_AND() local 74 optional<MemoryFormat> memory_format; in TEST_F() local 88 optional<MemoryFormat> memory_format; in TEST_F() local
|
H A D | op_full_like_test.cpp | 32 optional<MemoryFormat> memory_format, in op_full_like_out() 45 MemoryFormat memory_format = MemoryFormat::Contiguous; in test_full_like_out() local 63 MemoryFormat memory_format; in test_full_like_out_mismatched_shape() local 77 MemoryFormat memory_format = MemoryFormat::Contiguous; in test_full_like_out() local 193 optional<MemoryFormat> memory_format; in TEST_F() local
|
/aosp_15_r20/external/pytorch/torch/distributed/_shard/sharded_tensor/ |
H A D | __init__.py | 33 memory_format=torch.contiguous_format, argument 88 memory_format=torch.contiguous_format, argument 142 memory_format=torch.contiguous_format, argument 198 memory_format=torch.contiguous_format, argument 252 memory_format=torch.contiguous_format, argument 308 memory_format=torch.contiguous_format, argument
|
H A D | api.py | 252 memory_format=torch.contiguous_format, argument 495 self, memory_format=torch.preserve_format, process_group=None argument 553 memory_format=torch.preserve_format, argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mkldnn/ |
H A D | Conv.cpp | 158 auto memory_format = at::MemoryFormat::Contiguous; in mkldnn_convolution_memory_format() local 177 auto memory_format = mkldnn_convolution_memory_format(input_t.ndimension(), is_channels_last); in _mkldnn_convolution_out() local 246 auto memory_format = in _mkldnn_convolution() local 401 auto memory_format = in mkldnn_convolution_pointwise_binary() local 647 auto memory_format = in _mkldnn_convolution_transpose() local 787 … auto memory_format = mkldnn_convolution_memory_format(grad_output.ndimension(), is_channels_last); in mkldnn_convolution_backward_input() local 858 … auto memory_format = mkldnn_convolution_memory_format(grad_output.ndimension(), is_channels_last); in mkldnn_convolution_backward_weights() local 870 auto memory_format = mkldnn_convolution_memory_format(input_t.ndimension(), is_channels_last); in mkldnn_convolution_backward() local 937 … auto memory_format = mkldnn_convolution_memory_format(grad_output.ndimension(), is_channels_last); in mkldnn_convolution_transpose_backward_input() local 1009 … auto memory_format = mkldnn_convolution_memory_format(grad_output.ndimension(), is_channels_last); in mkldnn_convolution_transpose_backward_weights() local [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cudnn/ |
H A D | ConvShared.cpp | 113 at::MemoryFormat memory_format) { in setConvolutionParams() 220 auto memory_format = output->suggest_memory_format(); in cudnn_convolution_forward_out() local 252 auto memory_format = cudnn_conv_suggest_memory_format(input_t, weight_t); in cudnn_convolution() local 321 auto memory_format = in cudnn_convolution_transpose_backward_input() local 380 auto memory_format = cudnn_conv_suggest_memory_format(*grad_output, *weight); in cudnn_convolution_backward_input() local 713 auto memory_format = cudnn_conv_suggest_memory_format(input_t, weight_t); in cudnn_convolution_relu() local 767 auto memory_format = cudnn_conv_suggest_memory_format(input_t, weight_t); in cudnn_convolution_add_relu() local
|
/aosp_15_r20/external/pytorch/torch/onnx/ |
H A D | symbolic_opset8.py | 356 memory_format=None, argument 370 memory_format=None, argument 391 memory_format=None, argument 412 memory_format=None, argument 441 memory_format=None, argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/nested/ |
H A D | NestedTensorFactories.cpp | 23 auto memory_format = in verify_empty_parameters() local 47 auto memory_format = options.memory_format_opt().value_or(MemoryFormat::Preserve); in empty_like_nested() local 107 auto memory_format = optional_memory_format.value_or(MemoryFormat::Preserve); in _to_copy_nested() local 135 auto memory_format = optional_memory_format.value_or(c10::MemoryFormat::Preserve); in clone_nested() local
|
/aosp_15_r20/external/pytorch/torch/csrc/lazy/ts_backend/ops/ |
H A D | to_copy.h | 26 const std::optional<at::MemoryFormat>& memory_format, in ToCopy() 55 const std::optional<at::MemoryFormat>& memory_format) const { in CanBeReused() 123 std::optional<at::MemoryFormat> memory_format; variable
|
/aosp_15_r20/external/pytorch/torch/_inductor/ |
H A D | decomposition.py | 514 memory_format: Optional[torch.memory_format] = None, argument 529 memory_format: Optional[torch.memory_format] = None, argument 546 memory_format: Optional[torch.memory_format] = None, argument 567 memory_format: torch.memory_format = torch.preserve_format, argument 586 memory_format: Optional[torch.memory_format] = None, argument 607 memory_format: Optional[torch.memory_format] = None, argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/cudnn/ |
H A D | Descriptors.cpp | 36 void TensorDescriptor::set(const at::Tensor &t, at::MemoryFormat memory_format, size_t pad) { in set() 43 auto memory_format = t.suggest_memory_format(); in set() local 124 void FilterDescriptor::set(const at::Tensor &t, const at::MemoryFormat memory_format, int64_t pad) { in set()
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | group_norm.cpp | 80 auto memory_format = X.device().is_cpu() ? in native_group_norm() local 127 auto memory_format = X.device().is_cpu() ? in native_group_norm_backward() local 199 auto memory_format = input.suggest_memory_format(); in group_norm() local
|
H A D | NaiveConvolutionTranspose2d.cpp | 213 …auto memory_format = use_channels_last ? at::MemoryFormat::ChannelsLast : at::MemoryFormat::Contig… in TORCH_META_FUNC() local 269 …auto memory_format = use_channels_last ? at::MemoryFormat::ChannelsLast : at::MemoryFormat::Contig… in slow_conv_transpose2d_out_cpu_template() local 439 …auto memory_format = use_channels_last ? at::MemoryFormat::ChannelsLast : at::MemoryFormat::Contig… in slow_conv_transpose2d_backward_out_cpu_template() local 635 …auto memory_format = use_channels_last ? at::MemoryFormat::ChannelsLast : at::MemoryFormat::Contig… in slow_conv_transpose2d_acc_grad_parameters_cpu() local
|
H A D | Pool.h | 126 int64_t outputHeight, int64_t outputWidth, MemoryFormat memory_format) in pool2d_shape_check() 177 int64_t outputHeight, int64_t outputWidth, MemoryFormat memory_format) in max_pool2d_backward_shape_check() 206 MemoryFormat memory_format) in avg_pool2d_backward_shape_check()
|
H A D | AveragePool2d.cpp | 54 auto memory_format = input.suggest_memory_format(); in TORCH_PRECOMPUTE_META_FUNC() local 133 auto memory_format = input.suggest_memory_format(); in TORCH_META_FUNC() local
|
H A D | DilatedMaxPool2d.cpp | 49 const auto memory_format = input.suggest_memory_format(); in TORCH_META_FUNC() local 125 const auto memory_format = input.suggest_memory_format(); in TORCH_META_FUNC() local
|
/aosp_15_r20/external/pytorch/torch/nn/utils/ |
H A D | memory_format.py | 5 def convert_conv2d_weight_memory_format(module, memory_format): argument 80 def convert_conv3d_weight_memory_format(module, memory_format): argument
|
/aosp_15_r20/external/pytorch/torch/csrc/utils/ |
H A D | tensor_memoryformats.cpp | 19 PyObject* getTHPMemoryFormat(at::MemoryFormat memory_format) { in getTHPMemoryFormat() 36 PyObject* memory_format = THPMemoryFormat_New(format, module_name + name); in initializeMemoryFormats() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/utils/ |
H A D | Factory.cpp | 14 const c10::MemoryFormat memory_format, in empty_with_tail_padding() 38 const c10::MemoryFormat memory_format) { in allocate_padded_contiguous_if_needed()
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/miopen/ |
H A D | Conv_miopen.cpp | 667 auto memory_format = output->suggest_memory_format(); in miopen_convolution_add_bias_() local 763 auto memory_format = at::MemoryFormat::Contiguous; in miopen_convolution_forward() local 871 auto memory_format = at::MemoryFormat::Contiguous; in miopen_depthwise_convolution_forward() local 1071 auto memory_format = at::MemoryFormat::Contiguous; in miopen_depthwise_convolution_backward_weight() local 1124 auto memory_format = at::MemoryFormat::Contiguous; in miopen_convolution_backward_weight() local 1277 auto memory_format = at::MemoryFormat::Contiguous; in miopen_convolution_backward_input() local 1384 auto memory_format = at::MemoryFormat::Contiguous; in miopen_depthwise_convolution_backward_input() local 1544 static at::Tensor self_or_new_memory_format(at::Tensor& self, at::MemoryFormat memory_format) { in self_or_new_memory_format() 1565 auto memory_format = input.suggest_memory_format(); in miopen_convolution_add_relu() local 1616 auto memory_format = input.suggest_memory_format(); in miopen_convolution_relu() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cpu/ |
H A D | AdaptiveAvgPoolKernel.cpp | 76 auto memory_format = at::MemoryFormat::ChannelsLast; in cpu_adaptive_avg_pool2d_channels_last() local 163 auto memory_format = at::MemoryFormat::ChannelsLast; in cpu_adaptive_avg_pool2d_channels_last() local 310 auto memory_format = at::MemoryFormat::ChannelsLast; in cpu_adaptive_avg_pool2d_backward_channels_last() local 482 auto memory_format = at::MemoryFormat::ChannelsLast3d; in cpu_adaptive_avg_pool3d_channels_last() local 578 auto memory_format = at::MemoryFormat::ChannelsLast3d; in cpu_adaptive_avg_pool3d_channels_last() local 744 auto memory_format = at::MemoryFormat::ChannelsLast3d; in cpu_adaptive_avg_pool3d_backward_channels_last() local
|
H A D | AdaptiveMaxPoolKernel.cpp | 93 auto memory_format = at::MemoryFormat::ChannelsLast; in cpu_adaptive_max_pool2d_channels_last() local 210 auto memory_format = at::MemoryFormat::ChannelsLast; in cpu_adaptive_max_pool2d_channels_last() local 394 auto memory_format = at::MemoryFormat::ChannelsLast; in cpu_adaptive_max_pool2d_backward_channels_last() local 567 auto memory_format = at::MemoryFormat::ChannelsLast3d; in cpu_adaptive_max_pool3d_channels_last() local 692 auto memory_format = at::MemoryFormat::ChannelsLast3d; in cpu_adaptive_max_pool3d_channels_last() local 888 auto memory_format = at::MemoryFormat::ChannelsLast3d; in cpu_adaptive_max_pool3d_backward_channels_last() local
|
/aosp_15_r20/external/pytorch/torch/utils/ |
H A D | _python_dispatch.py | 327 memory_format: Optional[torch.memory_format] = None argument 339 memory_format: Optional[torch.memory_format] = None argument 350 memory_format: Optional[torch.memory_format] = None argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/vulkan/ops/ |
H A D | Factory.cpp | 17 const std::optional<MemoryFormat> memory_format) { in _empty_affine_quantized() 37 const std::optional<MemoryFormat> memory_format) { in empty_memory_format()
|
/aosp_15_r20/external/pytorch/test/nn/ |
H A D | test_pooling.py | 270 self, device, dtype, mod, memory_format argument 869 def helper(size, memory_format): argument 1125 def check(x, args, expected, memory_format): argument 1233 def helper(shape, kernel_size, stride, memory_format, dtype): argument 1305 def helper(n, c, h, w, kernel_size, stride, memory_format): argument
|