Home
last modified time | relevance | path

Searched refs:max_pool2d (Results 1 – 25 of 94) sorted by relevance

1234

/external/pytorch/torch/csrc/jit/runtime/
Dserialized_shape_function_registry.cpp940 _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"
/external/pytorch/test/onnx/model_defs/
Dmnist.py15 x = F.relu(F.max_pool2d(self.conv1(x), 2))
16 x = F.relu(F.max_pool2d(self.conv2_drop(self.conv2(x)), 2))
/external/executorch/backends/arm/quantizer/quantization_annotation/
Dmax_pool2d_annotator.py31 gm.graph, [torch.nn.MaxPool2d, torch.nn.functional.max_pool2d], filter_fn
40 if n.target == torch.ops.aten.max_pool2d.default:
/external/pytorch/torch/_inductor/
Dquantized_lowerings.py34 quantized.max_pool2d,
40 lowering.make_fallback(quantized.max_pool2d)
/external/pytorch/aten/src/ATen/native/metal/ops/
DMetalPooling.mm17 static Tensor max_pool2d(
105 m.impl(TORCH_SELECTIVE_NAME("aten::max_pool2d"), TORCH_FN(max_pool2d));
/external/pytorch/test/cpp/api/
Dintegration.cpp265 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()
/external/pytorch/benchmarks/tensorexpr/
Dpt_engine.py66 def max_pool2d(self, data, kernel_size, stride=1): member in TorchTensorEngine
67 return torch.nn.functional.max_pool2d(data, kernel_size, stride=stride)
Dpooling.py19 y = self.max_pool2d(self.data, self.kernel_size, stride=1)
/external/executorch/docs/source/tutorials_source/
Ddevtools-integration-tutorial.py80 x = F.max_pool2d(F.relu(self.conv1(x)), (2, 2))
82 x = F.max_pool2d(F.relu(self.conv2(x)), 2)
/external/pytorch/aten/src/ATen/native/
DPooling.cpp140 Tensor max_pool2d( in max_pool2d() function
158 return xnnpack::max_pool2d( in max_pool2d()
/external/pytorch/aten/src/ATen/native/vulkan/ops/
DPool.cpp246 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()
/external/tensorflow/tensorflow/python/layers/
Dpooling.py38 max_pool2d = max_pooling2d variable
/external/pytorch/aten/src/ATen/native/xnnpack/
DShim.cpp80 Tensor max_pool2d( in max_pool2d() function
DEngine.h59 Tensor max_pool2d(
/external/executorch/backends/vulkan/runtime/graph/ops/impl/
DPool.cpp116 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);
/external/pytorch/torch/csrc/jit/codegen/onednn/
Dregister_interface.cpp27 case aten::max_pool2d: in canFuseNode()
/external/executorch/backends/xnnpack/_passes/
Dremove_getitem_op.py65 exir_ops.edge.aten.max_pool2d.default,
/external/pytorch/torch/ao/pruning/_experimental/pruner/
Dbase_structured_sparsifier.py152 F.max_pool2d,
176 F.max_pool2d,
/external/pytorch/functorch/notebooks/_src/
Dplot_ensembling.py41 x = F.max_pool2d(x, 2)
Dplot_per_sample_gradients.py34 x = F.max_pool2d(x, 2)
/external/pytorch/torch/csrc/api/include/torch/nn/functional/
Dpooling.h223 inline Tensor max_pool2d( in max_pool2d() function
230 return torch::max_pool2d( in max_pool2d()
248 inline Tensor max_pool2d( in max_pool2d() function
251 return detail::max_pool2d( in max_pool2d()
/external/pytorch/torch/ao/nn/quantized/
Dfunctional.py508 def max_pool2d( function
528 return torch.nn.functional.max_pool2d(
/external/pytorch/torch/csrc/lazy/
Dtest_mnist.py35 x = F.max_pool2d(x, 2)
/external/pytorch/docs/source/
Dnn.functional.rst36 max_pool2d
/external/pytorch/torch/onnx/
Dsymbolic_caffe2.py230 def max_pool2d( function
240 return opset9.max_pool2d( # type: ignore[attr-defined]

1234