/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | DilatedMaxPool2d.cpp | 27 "max_pool2d: kernel_size must either be a single int, or a tuple of two ints") in TORCH_META_FUNC() 34 "max_pool2d: stride must either be omitted, a single int, or a tuple of two ints") in TORCH_META_FUNC() 40 "max_pool2d: padding must either be a single int, or a tuple of two ints"); in TORCH_META_FUNC() 45 "max_pool2d: dilation must be either a single int, or a tuple of two ints"); in TORCH_META_FUNC() 100 "max_pool2d: kernel_size must either be a single int, or a tuple of two ints") in TORCH_META_FUNC() 107 "max_pool2d: stride must either be omitted, a single int, or a tuple of two ints") in TORCH_META_FUNC() 113 "max_pool2d: padding must either be a single int, or a tuple of two ints"); in TORCH_META_FUNC() 118 "max_pool2d: dilation must be either a single int, or a tuple of two ints"); in TORCH_META_FUNC()
|
H A D | Pooling.cpp | 140 Tensor max_pool2d( in max_pool2d() function 158 return xnnpack::max_pool2d( in max_pool2d()
|
/aosp_15_r20/external/executorch/backends/arm/quantizer/quantization_annotation/ |
H A D | max_pool2d_annotator.py | 24 @register_annotator("max_pool2d") 31 gm.graph, [torch.nn.MaxPool2d, torch.nn.functional.max_pool2d], filter_fn 40 if n.target == torch.ops.aten.max_pool2d.default: 44 ), "ArmQuantizer only works with torch.ops.aten.max_pool2d.default, "
|
/aosp_15_r20/external/executorch/backends/xnnpack/test/ops/ |
H A D | maxpool2d.py | 52 pass transforms it into aten.max_pool2d (if supported). 57 .check_count({"torch.ops.aten.max_pool2d.default": 1}) 104 .check_count({"torch.ops.aten.max_pool2d.default": 1}) 135 .check_count({"torch.ops.aten.max_pool2d.default": 1})
|
/aosp_15_r20/external/executorch/backends/vulkan/runtime/graph/ops/impl/ |
H A D | Pool.cpp | 62 // max_pool2d 84 std::string kernel_name("max_pool2d"); in add_max_pool2d_node() 116 void max_pool2d(ComputeGraph& graph, const std::vector<ValueRef>& args) { in max_pool2d() function 207 VK_REGISTER_OP(aten.max_pool2d_with_indices.default, max_pool2d);
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/vulkan/ops/ |
H A D | Pool.cpp | 246 Tensor max_pool2d( in max_pool2d() function 279 VK_KERNEL(max_pool2d)); in max_pool2d() 290 m.impl(TORCH_SELECTIVE_NAME("aten::max_pool2d"), TORCH_FN(max_pool2d)); in TORCH_LIBRARY_IMPL()
|
/aosp_15_r20/external/pytorch/test/cpp/api/ |
H A D | integration.cpp | 265 x = torch::max_pool2d(conv1->forward(x), {2, 2}).relu(); in TEST_F() 268 x = torch::max_pool2d(x, {2, 2}).relu(); in TEST_F() 301 x = torch::max_pool2d(conv1->forward(x), {2, 2}).relu(); in TEST_F() 304 x = torch::max_pool2d(x, {2, 2}).relu(); in TEST_F()
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/metal/ops/ |
H A D | MetalPooling.mm | 17 static Tensor max_pool2d( 105 m.impl(TORCH_SELECTIVE_NAME("aten::max_pool2d"), TORCH_FN(max_pool2d));
|
/aosp_15_r20/external/pytorch/torch/jit/ |
H A D | _shape_functions.py | 276 def max_pool2d( function 286 ), "max_pool2d: kernel_size must either be a single int, or a tuple of two ints" 292 ), "max_pool2d: stride must either be omitted, a single int, or a tuple of two ints" 303 ), "max_pool2d: padding must either be a single int, or a tuple of two ints" 309 ), "max_pool2d: dilation must be either a single int, or a tuple of two ints" 354 out = max_pool2d(input, kernel_size, stride, padding, dilation, ceil_mode) 1312 …"aten::max_pool2d(Tensor self, int[2] kernel_size, int[2] stride=[], int[2] padding=0, int[2] dila… 1313 max_pool2d,
|
/aosp_15_r20/external/pytorch/test/fx/ |
H A D | test_source_matcher_utils.py | 324 gm.graph, ["conv2d", "relu", "max_pool2d"] 330 self.assertEqual(len(module_partitions["max_pool2d"]), 1) 352 module_partitions["max_pool2d"][0], 359 module_partitions["max_pool2d"][0],
|
/aosp_15_r20/external/executorch/backends/arm/test/ops/ |
H A D | test_max_pool.py | 70 .check(["torch.ops.aten.max_pool2d.default"]) 98 .check_count({"torch.ops.aten.max_pool2d.default": 1}) 128 .check_count({"torch.ops.aten.max_pool2d.default": 1})
|
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/ |
H A D | pooling.h | 223 inline Tensor max_pool2d( in max_pool2d() function 230 return torch::max_pool2d( in max_pool2d() 237 /// https://pytorch.org/docs/main/nn.functional.html#torch.nn.functional.max_pool2d 246 /// F::max_pool2d(x, F::MaxPool2dFuncOptions(3).stride(2)); 248 inline Tensor max_pool2d( in max_pool2d() function 251 return detail::max_pool2d( in max_pool2d()
|
/aosp_15_r20/external/pytorch/torch/onnx/ |
H A D | symbolic_caffe2.py | 24 "max_pool2d", 230 def max_pool2d( function 240 return opset9.max_pool2d( # type: ignore[attr-defined]
|
/aosp_15_r20/external/executorch/backends/vulkan/runtime/graph/ops/glsl/ |
H A D | max_pool2d.yaml | 7 max_pool2d: 16 - NAME: max_pool2d
|
/aosp_15_r20/external/executorch/backends/arm/quantizer/ |
H A D | arm_quantizer.py | 73 "max_pool2d": [[torch.nn.MaxPool2d], [F.max_pool2d]], 266 "max_pool2d",
|
/aosp_15_r20/external/pytorch/test/onnx/model_defs/ |
H A D | mnist.py | 15 x = F.relu(F.max_pool2d(self.conv1(x), 2)) 16 x = F.relu(F.max_pool2d(self.conv2_drop(self.conv2(x)), 2))
|
/aosp_15_r20/external/pytorch/torch/ao/quantization/quantizer/ |
H A D | x86_inductor_quantizer.py | 85 torch.ops.aten.max_pool2d.default, 202 ([torch.nn.MaxPool2d, F.max_pool2d], torch.ops.aten.max_pool2d.default), 1276 if node.target is not torch.ops.aten.max_pool2d.default: 1365 if node.target is torch.ops.aten.max_pool2d.default: 1435 if node.target == torch.ops.aten.max_pool2d.default:
|
/aosp_15_r20/external/executorch/backends/arm/operators/ |
H A D | op_max_pool2d.py | 26 target = "aten.max_pool2d.default" 74 TosaOp.Op().MAX_POOL2D,
|
/aosp_15_r20/external/pytorch/torch/_inductor/ |
H A D | quantized_lowerings.py | 34 quantized.max_pool2d, 40 lowering.make_fallback(quantized.max_pool2d)
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cpu/ |
H A D | Pooling.cpp | 641 AT_DISPATCH_QINT_TYPES_AND(ScalarType::Byte, qx.scalar_type(), "max_pool2d", [&]() { in quantized_max_pool2d() 697 // Quantized max_pool1d is a special case of the max_pool2d, with one of the 754 m.impl(TORCH_SELECTIVE_NAME("quantized::max_pool2d"), TORCH_FN(QMaxPool_arr_args<2>::run)); in TORCH_LIBRARY_IMPL() 758 m.impl(TORCH_SELECTIVE_NAME("quantized::max_pool2d"), TORCH_FN(QMaxPool_arr_args<2>::run)); in TORCH_LIBRARY_IMPL()
|
/aosp_15_r20/external/pytorch/benchmarks/tensorexpr/ |
H A D | pt_engine.py | 66 def max_pool2d(self, data, kernel_size, stride=1): member in TorchTensorEngine 67 return torch.nn.functional.max_pool2d(data, kernel_size, stride=stride)
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/metal/mpscnn/tests/ |
H A D | MPSCNNTests.mm | 229 auto Y1 = at::max_pool2d(X, {2, 2}, {2, 2}, {0, 0}, {1, 1}, false); 231 auto Y2 = at::max_pool2d(X2, {2, 2}, {2, 2}, {0, 0}, {1, 1}, false).cpu(); 240 auto Y1 = at::max_pool2d(X, {2, 2}, {2, 2}, {1, 1}, {1, 1}, false); 242 auto Y2 = at::max_pool2d(X2, {2, 2}, {2, 2}, {1, 1}, {1, 1}, false).cpu(); 251 auto Y1 = at::max_pool2d(X, {3, 3}, {2, 2}, {0, 0}, {1, 1}, true); 253 auto Y2 = at::max_pool2d(X2, {3, 3}, {2, 2}, {0, 0}, {1, 1}, true).cpu();
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/runtime/ |
H A D | serialized_shape_function_registry.cpp | 934 + std::string(R"=====(def max_pool2d(input: List[int], 940 _0 = "AssertionError: max_pool2d: kernel_size must either be a single int, or a tuple of two ints" 941 …_1 = "AssertionError: max_pool2d: stride must either be omitted, a single int, or a tuple of two i… 942 _2 = "AssertionError: max_pool2d: padding must either be a single int, or a tuple of two ints" 943 _3 = "AssertionError: max_pool2d: dilation must be either a single int, or a tuple of two ints" 1153 _0 = "AssertionError: max_pool2d: kernel_size must either be a single int, or a tuple of two ints" 1154 …_1 = "AssertionError: max_pool2d: stride must either be omitted, a single int, or a tuple of two i… 1155 _2 = "AssertionError: max_pool2d: padding must either be a single int, or a tuple of two ints" 1156 _3 = "AssertionError: max_pool2d: dilation must be either a single int, or a tuple of two ints" 3287 …en::max_pool2d(Tensor self, int[2] kernel_size, int[2] stride=[], int[2] padding=0, int[2] dilatio… in GetShapeFunctionMappings()
|
/aosp_15_r20/external/pytorch/torch/ao/pruning/_experimental/pruner/ |
H A D | base_structured_sparsifier.py | 152 F.max_pool2d, 176 F.max_pool2d,
|
/aosp_15_r20/external/pytorch/test/onnx/ |
H A D | test_fx_to_onnx.py | 118 tensor_x = F.max_pool2d(tensor_x, 2) 325 tensor_x = F.max_pool2d(tensor_x, 2) 708 tensor_x = F.max_pool2d(tensor_x, 2)
|