/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | PixelShuffle.cpp | 34 auto memory_format = self.suggest_memory_format(); in pixel_shuffle_cpu() local 62 auto memory_format = self.suggest_memory_format(); in pixel_unshuffle_cpu() local
|
H A D | ConvolutionMM2d.cpp | 208 at::MemoryFormat memory_format = at::MemoryFormat::Contiguous) { in view_weight_2d() 374 …auto memory_format = use_channels_last ? at::MemoryFormat::ChannelsLast : at::MemoryFormat::Contig… in slow_conv2d_backward_out_cpu_template() local 497 …auto memory_format = use_channels_last ? at::MemoryFormat::ChannelsLast : at::MemoryFormat::Contig… in slow_conv2d_backward_weight_out_cpu_template() local 562 …auto memory_format = use_channels_last ? at::MemoryFormat::ChannelsLast : at::MemoryFormat::Contig… in slow_conv2d_forward_out_cpu() local
|
H A D | Resize.cpp | 149 auto memory_format = optional_memory_format.value(); in resize_as_() local 244 auto memory_format = in _resize_() local
|
H A D | DilatedMaxPool3d.cpp | 58 const auto memory_format = input.suggest_memory_format(); in max_pool3d_with_indices_out_cpu_template() local 153 const auto memory_format = input.suggest_memory_format(); in max_pool3d_with_indices_backward_out_cpu_template() local
|
H A D | NaiveDilatedConvolution.cpp | 536 …auto memory_format = use_channels_last ? at::MemoryFormat::ChannelsLast : at::MemoryFormat::Contig… in slow_conv_dilated2d_cpu() local 640 …auto memory_format = use_channels_last ? at::MemoryFormat::ChannelsLast : at::MemoryFormat::Contig… in slow_conv_dilated2d_backward_cpu() local
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/runtime/static/ |
H A D | ops.h | 110 c10::MemoryFormat memory_format) { in create_empty_from() 123 c10::MemoryFormat memory_format) { in create_empty_from()
|
H A D | ops.cpp | 212 std::optional<MemoryFormat> memory_format) { in to_copy_out() 1090 auto memory_format = in __anon11f46a8b2f02() local 1359 std::optional<c10::MemoryFormat> memory_format; member 1443 std::optional<c10::MemoryFormat> memory_format = c10::MemoryFormat::Preserve; in to_copy_functor_impl() local 2417 std::optional<c10::MemoryFormat> memory_format) { in hasTensorWithOptions() 2459 const auto memory_format = in __anon11f46a8b7902() local 2506 const auto memory_format = p_node->Input(5).toOptional<c10::MemoryFormat>(); in __anon11f46a8b7d02() local
|
/aosp_15_r20/external/pytorch/test/cpp_extensions/ |
H A D | open_registration_extension.cpp | 62 auto memory_format = input_tensor_base.suggest_memory_format(); in abs_kernel() local 292 std::optional<at::MemoryFormat> memory_format) { in custom_empty_memory_format() 305 std::optional<at::MemoryFormat> memory_format) { in custom_empty_symint() 433 auto memory_format = in custom_resize_() local
|
/aosp_15_r20/external/pytorch/test/nn/ |
H A D | test_dropout.py | 95 def _test_dropout(self, cls, device, input, memory_format=torch.contiguous_format): argument 127 self, cls, device, memory_format=torch.contiguous_format argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cpu/ |
H A D | AvgPoolKernel.cpp | 114 auto memory_format = at::MemoryFormat::ChannelsLast; in cpu_avg_pool2d_channels_last() local 228 auto memory_format = at::MemoryFormat::ChannelsLast; in cpu_avg_pool2d_channels_last() local 425 auto memory_format = at::MemoryFormat::ChannelsLast; in cpu_avg_pool2d_backward_channels_last() local 656 auto memory_format = at::MemoryFormat::ChannelsLast3d; in cpu_avg_pool3d_channels_last() local 779 auto memory_format = at::MemoryFormat::ChannelsLast3d; in cpu_avg_pool3d_channels_last() local 994 auto memory_format = at::MemoryFormat::ChannelsLast3d; in cpu_avg_pool3d_backward_channels_last() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mkldnn/ |
H A D | MKLDNNConversions.cpp | 155 auto memory_format = at::MemoryFormat::Contiguous; in mkldnn_reorder_conv2d_weight() local 212 auto memory_format = at::MemoryFormat::Contiguous; in mkldnn_reorder_conv3d_weight() local 347 auto memory_format = at::MemoryFormat::Contiguous; in mkldnn_reorder_conv_transpose_weight() local
|
/aosp_15_r20/external/pytorch/torch/csrc/lazy/ts_backend/ |
H A D | ts_native_functions.cpp | 56 std::optional<at::MemoryFormat> memory_format) { in clone() 147 std::optional<at::MemoryFormat> memory_format) { in _to_copy() 278 std::optional<at::MemoryFormat> memory_format) { in empty_symint()
|
/aosp_15_r20/external/pytorch/c10/core/ |
H A D | TensorOptions.h | 271 memory_format(std::optional<MemoryFormat> memory_format) const noexcept { in memory_format() function 613 inline TensorOptions memory_format(MemoryFormat memory_format) { in memory_format() argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cudnn/ |
H A D | Conv_v7.cpp | 712 at::MemoryFormat memory_format = in raw_cudnn_convolution_forward_out_32bit() local 827 at::MemoryFormat memory_format = in raw_cudnn_convolution_backward_input_out_32bit() local 945 at::MemoryFormat memory_format = in raw_cudnn_convolution_backward_weight_out_32bit() local 1121 at::MemoryFormat memory_format = in raw_cudnn_convolution_add_relu_out_v7() local
|
H A D | Conv_v8.cpp | 69 const at::MemoryFormat memory_format, in getTensorDescriptorWithTypeVirtual() 112 const at::MemoryFormat memory_format) { in getTensorDescriptor() 201 at::MemoryFormat memory_format = cudnn_conv_suggest_memory_format(x, w); in CacheKeyWrapper() local 234 at::MemoryFormat memory_format = cudnn_conv_suggest_memory_format(x, w); in CacheKeyFusedWrapper() local
|
/aosp_15_r20/external/pytorch/test/inductor/extension_backends/cpp/ |
H A D | extension_device.cpp | 47 std::optional<at::MemoryFormat> memory_format) { in custom_to_device() 128 std::optional<at::MemoryFormat> memory_format) { in custom_empty_memory_format()
|
/aosp_15_r20/external/pytorch/torch/_refs/ |
H A D | __init__.py | 1944 a: TensorLikeType, *, memory_format: torch.memory_format = torch.preserve_format argument 1977 memory_format: Optional[torch.memory_format] = None, argument 2007 memory_format: Optional[torch.memory_format] = None, argument 2025 memory_format: Optional[torch.memory_format] = None, argument 2042 memory_format: Optional[torch.memory_format] = None, argument 2058 memory_format: Optional[torch.memory_format] = None, argument 2939 a: Tensor, *, memory_format: torch.memory_format = torch.contiguous_format argument 4651 memory_format: torch.memory_format = torch.contiguous_format, argument 4897 memory_format: torch.memory_format = torch.preserve_format, argument 5461 memory_format: torch.memory_format = torch.preserve_format, argument [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cudnn/ |
H A D | BinaryOps.cpp | 37 at::MemoryFormat memory_format; member 113 …auto memory_format = qa.dim() == 4 ? at::MemoryFormat::ChannelsLast : at::MemoryFormat::Contiguous; in add() local
|
/aosp_15_r20/external/pytorch/test/ |
H A D | test_nn.py | 6401 def helper(size, scale_factor, mode, device, memory_format=torch.contiguous_format): argument 6986 def _batch_norm_stats(data, memory_format, mean_axes): argument 7848 def helper(self, size, groups, memory_format, dtype): argument 8213 def help(input, conv, memory_format): argument 8419 def helper(self, size, groups, memory_format, is_mixed): argument 9362 def test_upsamplingNearest2d(self, device, memory_format, mode): argument 9428 def test_upsamplingNearest2d_correctness(self, device, memory_format, isize, osize): argument 9451 def test_upsamplingNearestExact2d_correctness(self, device, memory_format, isize, osize): argument 9475 def test_upsamplingNearest3d(self, device, memory_format, mode): argument 9522 def test_upsamplingNearest3d_correctness(self, device, memory_format, isize, osize): argument [all …]
|
H A D | test_torch.py | 4801 def test_helper(x, memory_format): argument 4853 def _test_helper(x, y, bias, memory_format): argument 5403 def _test_memory_format_transformations(self, device, input_generator_fn, transformation_fn, argument 5458 def get_generator(memory_format, shape): argument 5475 def get_generator(memory_format, shape): argument 5492 def get_generator(memory_format, shape): argument 5509 def get_generator(memory_format, shape): argument 5534 def get_generator(memory_format, shape, dtype): argument 5567 def get_generator(memory_format, shape): argument 8636 def test_helper(x, memory_format): argument [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/ |
H A D | FunctionalizeFallbackKernel.cpp | 128 …sed]], const at::Tensor & self, at::IntArrayRef size, std::optional<at::MemoryFormat> memory_forma… in resize__functionalization() 243 std::optional<at::MemoryFormat> memory_format) { in _to_copy_functionalize()
|
/aosp_15_r20/external/pytorch/tools/autograd/templates/ |
H A D | python_variable_methods.cpp | 248 static Tensor dispatch_contiguous(const Tensor & self, at::MemoryFormat memory_format) { in dispatch_contiguous() 268 auto memory_format = r.memoryformat(0); in THPVariable_contiguous() local 849 inline bool dispatch_is_contiguous(const Tensor & self, MemoryFormat memory_format) { in dispatch_is_contiguous() 867 auto memory_format = r.memoryformat(0); in THPVariable_is_contiguous() local
|
/aosp_15_r20/external/executorch/kernels/test/ |
H A D | op_to_copy_test.cpp | 60 optional<MemoryFormat> memory_format, in op_to_copy_out() 260 optional<MemoryFormat> memory_format; in test_dynamic_shape() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/ |
H A D | UpSampleNearest2d.cu | 230 const auto memory_format = input_.suggest_memory_format(); in upsample_nearest2d_out_cuda_template() local 361 auto memory_format = grad_output_.suggest_memory_format(); in upsample_nearest2d_backward_out_cuda_template() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/core/ |
H A D | CheckMemoryFormat.h | 8 std::optional<MemoryFormat> memory_format) { in check_tensor_options_and_extract_memory_format()
|