/aosp_15_r20/external/pytorch/aten/src/ATen/native/mkldnn/ |
H A D | Pooling.cpp | 34 IntArrayRef kernel_size, in mkldnn_max_pool2d() 44 IntArrayRef kernel_size, in mkldnn_max_pool3d() 54 IntArrayRef kernel_size, in mkldnn_avg_pool2d() 64 IntArrayRef kernel_size, in mkldnn_avg_pool2d_out() 76 IntArrayRef kernel_size, in mkldnn_avg_pool3d() 86 IntArrayRef kernel_size, in mkldnn_avg_pool3d_out() 116 IntArrayRef kernel_size, in mkldnn_max_pool2d_backward() 128 IntArrayRef kernel_size, in mkldnn_max_pool3d_backward() 138 IntArrayRef kernel_size, in mkldnn_avg_pool2d_backward_out() 151 IntArrayRef kernel_size, in mkldnn_avg_pool2d_backward() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/client/lib/ |
H A D | pooling_test.cc | 35 XlaOp input, absl::Span<const int64_t> kernel_size, in MakeGeneralPadding() 71 auto kernel_size = ExpandWithBatchAndFeatureDimensions({2, 2}, data_format); in XLA_TEST_F() local 84 auto kernel_size = ExpandWithBatchAndFeatureDimensions({2, 2}, data_format); in XLA_TEST_F() local 97 auto kernel_size = ExpandWithBatchAndFeatureDimensions({2, 2}, data_format); in XLA_TEST_F() local 111 auto kernel_size = ExpandWithBatchAndFeatureDimensions({2, 2}, data_format); in XLA_TEST_F() local 127 auto kernel_size = ExpandWithBatchAndFeatureDimensions({2, 2}, data_format); in XLA_TEST_F() local 143 auto kernel_size = ExpandWithBatchAndFeatureDimensions({2, 2}, data_format); in XLA_TEST_F() local 161 auto kernel_size = ExpandWithBatchAndFeatureDimensions({3, 3}, data_format); in XLA_TEST_F() local 176 auto kernel_size = ExpandWithBatchAndFeatureDimensions({3, 3}, data_format); in XLA_TEST_F() local 190 auto kernel_size = ExpandWithBatchAndFeatureDimensions({2, 2}, data_format); in XLA_TEST_F() local [all …]
|
H A D | pooling.cc | 74 absl::Span<const int64_t> kernel_size, in ComputeSums() 134 XlaOp MaxPool(XlaOp operand, absl::Span<const int64_t> kernel_size, in MaxPool() 148 XlaOp AvgPool(XlaOp operand, absl::Span<const int64_t> kernel_size, in AvgPool() 174 absl::Span<const int64_t> input_size, absl::Span<const int64_t> kernel_size, in MakeSpatialPadding() 194 absl::Span<const int64_t> kernel_size, in AvgPoolGrad()
|
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/ |
H A D | pooling.h | 16 ExpandingArray<1> kernel_size, in avg_pool1d() 55 ExpandingArray<2> kernel_size, in avg_pool2d() 102 ExpandingArray<3> kernel_size, in avg_pool3d() 151 ExpandingArray<1> kernel_size, in max_pool1d() 190 ExpandingArray<1> kernel_size, in max_pool1d_with_indices() 225 ExpandingArray<2> kernel_size, in max_pool2d() 264 ExpandingArray<2> kernel_size, in max_pool2d_with_indices() 299 ExpandingArray<3> kernel_size, in max_pool3d() 338 ExpandingArray<3> kernel_size, in max_pool3d_with_indices() 632 const IntArrayRef& kernel_size, in _unpool_output_size() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/legacy_tf_layers/ |
H A D | convolutional.py | 82 kernel_size, argument 123 kernel_size, argument 289 kernel_size, argument 330 kernel_size, argument 504 kernel_size, argument 545 kernel_size, argument 721 kernel_size, argument 837 kernel_size, argument 887 kernel_size, argument 1011 kernel_size, argument [all …]
|
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/modules/ |
H A D | pooling.h | 18 AvgPoolImpl(ExpandingArray<D> kernel_size) in AvgPoolImpl() 115 MaxPoolImpl(ExpandingArray<D> kernel_size) in MaxPoolImpl() 478 MaxUnpoolImpl(ExpandingArray<D> kernel_size) in MaxUnpoolImpl() 604 FractionalMaxPool2dImpl(ExpandingArray<2> kernel_size) in FractionalMaxPool2dImpl() 649 FractionalMaxPool3dImpl(ExpandingArray<3> kernel_size) in FractionalMaxPool3dImpl() 683 LPPoolImpl(double norm_type, ExpandingArray<D> kernel_size) in LPPoolImpl()
|
H A D | conv.h | 186 ExpandingArray<1> kernel_size) in Conv1dImpl() 218 ExpandingArray<2> kernel_size) in Conv2dImpl() 253 ExpandingArray<3> kernel_size) in Conv3dImpl() 345 ExpandingArray<1> kernel_size) in ConvTranspose1dImpl() 387 ExpandingArray<2> kernel_size) in ConvTranspose2dImpl() 429 ExpandingArray<3> kernel_size) in ConvTranspose3dImpl()
|
/aosp_15_r20/external/executorch/kernels/portable/cpu/util/ |
H A D | kernel_ops_util.cpp | 64 bool kernel_size_is_valid(IntArrayRef kernel_size, size_t kernel_ndim) { in kernel_size_is_valid() 80 IntArrayRef kernel_size, in padding_is_valid() 226 IntArrayRef kernel_size, in calculate_kernel_output_sizes() 263 const IntArrayRef kernel_size, in check_avg_pool2d_args() 299 const IntArrayRef kernel_size, in get_avg_pool2d_out_target_size() 353 int64_t kernel_size[2]; in check_convolution_args() local 429 int64_t kernel_size[2]; in get_convolution_out_target_size() local 467 IntArrayRef kernel_size, in check_max_pool2d_with_indices_args() 501 IntArrayRef kernel_size, in get_max_pool2d_with_indices_out_target_size()
|
/aosp_15_r20/external/pytorch/torch/nn/utils/_expanded_weights/ |
H A D | conv_utils.py | 56 def conv_input_for_string_padding(func, padding_style, input, dilation, kernel_size): argument 66 def int_padding_for_string_padding(func, padding_style, dilation, kernel_size): argument 84 def conv_padding_for_same(dilation, kernel_size): argument 123 def calc_total_padding(func, was_same, padding, dilation, kernel_size): argument 211 kernel_size, argument 297 kernel_size, argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | DilatedMaxPool3d.cpp | 25 IntArrayRef kernel_size, in max_pool3d_with_indices_out_cpu_template() 117 IntArrayRef kernel_size, in max_pool3d_with_indices_backward_out_cpu_template() 201 IntArrayRef kernel_size, in max_pool3d_with_indices_out_cpu() 223 IntArrayRef kernel_size, in max_pool3d_with_indices_cpu() 252 IntArrayRef kernel_size, in max_pool3d_with_indices_backward_out_cpu() 276 IntArrayRef kernel_size, in max_pool3d_with_indices_backward_cpu()
|
H A D | NaiveDilatedConvolution.cpp | 33 const IntArrayRef kernel_size, in hvol2col() 91 const IntArrayRef kernel_size, in col2hvol() 181 IntArrayRef kernel_size, in slow_conv_dilated_all_cpu_template() 527 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv_dilated2d_cpu() 582 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv_dilated3d_cpu() 634 IntArrayRef kernel_size, in slow_conv_dilated2d_backward_cpu() 693 IntArrayRef kernel_size, in slow_conv_dilated3d_backward_cpu()
|
H A D | ConvolutionMM2d.cpp | 32 IntArrayRef kernel_size, in compute_columns2d() 363 IntArrayRef kernel_size, in slow_conv2d_backward_out_cpu_template() 486 IntArrayRef kernel_size, in slow_conv2d_backward_weight_out_cpu_template() 541 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv2d_forward_out_cpu() 635 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv2d_forward_cpu() 659 IntArrayRef kernel_size, in slow_conv2d_backward_out_cpu() 700 IntArrayRef kernel_size, in slow_conv2d_backward_cpu() 734 Tensor & thnn_conv2d_out(const Tensor & self, const Tensor & weight, IntArrayRef kernel_size, const… in thnn_conv2d_out() 742 Tensor thnn_conv2d(const Tensor & self, const Tensor & weight, IntArrayRef kernel_size, const std::… in thnn_conv2d()
|
H A D | ConvolutionMM3d.cpp | 34 IntArrayRef kernel_size, in compute_columns3d() 375 IntArrayRef kernel_size, in slow_conv3d_backward_out_cpu_template() 496 IntArrayRef kernel_size, in slow_conv3d_backward_parameters_out_cpu_template() 556 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv3d_forward_out_cpu() 671 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv3d_forward_cpu() 693 IntArrayRef kernel_size, in slow_conv3d_backward_out_cpu() 738 IntArrayRef kernel_size, in slow_conv3d_backward_cpu() 774 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv3d_out() 795 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv3d()
|
H A D | Pooling.cpp | 80 IntArrayRef kernel_size, in max_pool1d_with_indices() 116 IntArrayRef kernel_size, in avg_pool1d() 142 IntArrayRef kernel_size, in max_pool2d() 169 IntArrayRef kernel_size, in max_pool3d()
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/ |
H A D | NaiveDilatedConvolution.cu | 37 const IntArrayRef kernel_size, in hvol2col() 96 const IntArrayRef kernel_size, in col2hvol() 189 IntArrayRef kernel_size, in slow_conv_dilated_all_cuda_template() 402 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv_dilated2d_cuda() 454 IntArrayRef kernel_size, in slow_conv_dilated2d_backward_cuda() 508 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv_dilated3d_cuda() 560 IntArrayRef kernel_size, in slow_conv_dilated3d_backward_cuda()
|
H A D | NaiveConvolutionTranspose3d.cu | 177 IntArrayRef kernel_size, in slow_conv_transpose3d_out_cuda_template() 399 IntArrayRef kernel_size, in slow_conv_transpose3d_backward_out_cuda_template() 609 IntArrayRef kernel_size, in slow_conv_transpose3d_acc_grad_parameters_cuda() 838 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv_transpose3d_out_cuda() 865 IntArrayRef kernel_size, const std::optional<Tensor>& bias_opt, in slow_conv_transpose3d_cuda() 893 IntArrayRef kernel_size, in slow_conv_transpose3d_backward_out_cuda() 946 IntArrayRef kernel_size, in slow_conv_transpose3d_backward_cuda()
|
/aosp_15_r20/external/pytorch/torch/ao/nn/intrinsic/qat/modules/ |
H A D | conv_fused.py | 48 kernel_size, argument 464 kernel_size, argument 535 kernel_size, argument 597 kernel_size, argument 661 kernel_size, argument 732 kernel_size, argument 794 kernel_size, argument 858 kernel_size, argument 928 kernel_size, argument 992 kernel_size, argument
|
/aosp_15_r20/external/gemmlowp/meta/generators/ |
H A D | transform_kernels_common.py | 38 def Check(self, in_type, out_type, kernel_size, leftovers): argument 82 def Check(self, in_type, out_type, kernel_size, leftovers): argument 151 def Check(self, in_type, out_type, kernel_size, leftovers): argument 220 def Check(self, in_type, out_type, kernel_size, leftovers): argument 313 def EmitTransform(self, in_type, out_type, kernel_size, leftovers): argument 399 def EmitTransform(self, in_type, out_type, kernel_size, leftovers): argument 457 def _ProcessRow(self, emitter, registers, kernel_size, leftovers): argument
|
/aosp_15_r20/external/executorch/backends/vulkan/runtime/graph/ops/impl/utils/ |
H A D | KernelUtils.cpp | 46 const ValueRef kernel_size, in create_kernel2d_params() 59 const int64_t kernel_size, in calc_out_size() 77 const utils::ivec2& kernel_size, in calc_out_sizes_hw() 120 const utils::ivec2& kernel_size, in calc_transpose_out_sizes_hw() 155 const auto kernel_size = in calc_out_sizes_hw() local
|
/aosp_15_r20/external/pytorch/test/nn/ |
H A D | test_pooling.py | 54 def _sum_pool2d(self, x, kernel_size): argument 60 def _sum_pool3d(self, x, kernel_size): argument 72 def _avg_pool2d(self, x, kernel_size): argument 76 def _avg_pool3d(self, x, kernel_size): argument 938 kernel_size, argument 1080 def helper(n, c, h, w, kernel_size, stride=None): argument 1155 def helper(n, c, h, w, d, kernel_size, stride=None): 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 1383 def helper(n, c, h, w, kernel_size, stride, padding, dilation, contig, device): argument
|
/aosp_15_r20/external/ComputeLibrary/tests/validation/fixtures/ |
H A D | DepthwiseConvolutionLayerFixture.h | 293 …void setup(TensorShape in_shape, Size2D kernel_size, PadStrideInfo pad_stride_info, Size2D dilatio… in setup() 307 …void setup(size_t width, size_t height, size_t channel, size_t batch, Size2D kernel_size, size_t d… in setup() 446 …void setup(size_t width, size_t height, size_t channel, size_t batch, Size2D kernel_size, size_t d… in setup() 644 …void setup(TensorShape in_shape, Size2D kernel_size, PadStrideInfo pad_stride_info, Size2D dilatio… in setup() 658 …void setup(TensorShape in_shape, Size2D kernel_size, PadStrideInfo pad_stride_info, Size2D dilatio… in setup()
|
/aosp_15_r20/external/executorch/kernels/test/ |
H A D | op_avg_pool2d_test.cpp | 24 exec_aten::ArrayRef<int64_t> kernel_size, in op_avg_pool2d_out() 98 exec_aten::ArrayRef<int64_t> kernel_size = exec_aten::ArrayRef<int64_t>( in TEST_F() local 250 exec_aten::ArrayRef<int64_t> kernel_size = exec_aten::ArrayRef<int64_t>( in TEST_F() local 481 exec_aten::ArrayRef<int64_t> kernel_size = exec_aten::ArrayRef<int64_t>( in TEST_F() local
|
H A D | op_max_pool2d_with_indices_test.cpp | 25 exec_aten::ArrayRef<int64_t> kernel_size, in op_max_pool2d_with_indices_out() 71 exec_aten::ArrayRef<int64_t> kernel_size = exec_aten::ArrayRef<int64_t>( in TEST_F() local 167 exec_aten::ArrayRef<int64_t> kernel_size = exec_aten::ArrayRef<int64_t>( in TEST_F() local 258 exec_aten::ArrayRef<int64_t> kernel_size = exec_aten::ArrayRef<int64_t>( in TEST_F() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cpu/ |
H A D | Pooling.cpp | 469 IntArrayRef kernel_size, in check_maxpool2d_params() 484 IntArrayRef kernel_size, in check_maxpool3d_params() 498 IntArrayRef kernel_size, in qnnpack_maxpool2d() 622 IntArrayRef kernel_size, in quantized_max_pool2d() 659 IntArrayRef kernel_size, in quantized_max_pool3d() 701 IntArrayRef kernel_size, in quantized_max_pool1d() 732 std::vector<int64_t> kernel_size, in run()
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/layers/ |
H A D | convolutional.py | 111 kernel_size, argument 488 kernel_size, argument 648 kernel_size, argument 795 kernel_size, argument 923 kernel_size, argument 1194 kernel_size, argument 1504 kernel_size, argument 1769 kernel_size, argument 2002 kernel_size, argument 2193 kernel_size, argument [all …]
|