/aosp_15_r20/external/ComputeLibrary/src/cpu/kernels/pool2d/neon/nchw/ |
H A D | all.cpp | 97 …const float16_t fill_value = (pool_info.pool_type == PoolingType::MAX) ? fp16_min :… in pooling3_fp16_neon_nchw() local 207 … const T fill_value = (pool_info.pool_type == PoolingType::MAX) ? float_min : 0.f; in pooling2_nchw_maxpool_indices() local 263 const float16_t fill_value = (pool_info.pool_type == PoolingType::MAX) ? fp16_min : 0.0f; in pooling2_fp16_neon_nchw() local 337 const float16_t fill_value = (pool_info.pool_type == PoolingType::MAX) ? fp16_min : 0.0f; in poolingMxN_fp16_neon_nchw() local 424 …const float fill_value = (pool_info.pool_type == PoolingType::MAX) ? -std::numeric_limits<float… in poolingMxN_fp32_neon_nchw() local 513 …const float fill_value = (pool_info.pool_type == PoolingType::MAX) ? -std::numeric_limits<float… in pooling2_fp32_neon_nchw() local 587 …const float fill_value = (pool_info.pool_type == PoolingType::MAX) ? -std::numeric_limits<float… in pooling3_fp32_neon_nchw() local 668 …const float fill_value = (pool_info.pool_type == PoolingType::MAX) ? -std::numeric_limits<float… in pooling7_fp32_neon_nchw() local
|
/aosp_15_r20/external/ComputeLibrary/src/core/CPP/kernels/ |
H A D | CPPUpsampleKernel.cpp | 89 const uint8_t fill_value = _output->info()->quantization_info().uniform().offset; in run() local 95 const int8_t fill_value = _output->info()->quantization_info().uniform().offset; in run() local
|
/aosp_15_r20/external/ComputeLibrary/src/cpu/kernels/pool2d/neon/ |
H A D | quantized.h | 424 …const T fill_value = (pool_info.pool_type == PoolingType::MAX) ? std::numeric_limits<T>::min() : T… in pooling2_quantized_neon_nchw() local 560 …const T fill_value = (pool_info.pool_type == PoolingType::AVG) ? T(0) : std::numeric_limits<T>::… in pooling3_quantized_neon_nchw() local 716 …const T fill_value = (pool_info.pool_type == PoolingType::AVG) ? T(0)… in poolingMxN_quantized_neon_nchw() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | TensorFactories.cpp | 585 const Scalar& fill_value, in infer_full_options() 608 Tensor full(IntArrayRef size, const Scalar& fill_value, in full() 623 Tensor& full_out(IntArrayRef size, const Scalar& fill_value, Tensor& result) { in full_out() 633 const Scalar& fill_value, in full_like() 649 const Scalar& fill_value, in new_full() 1769 const Scalar& fill_value, in full()
|
H A D | Fill.cpp | 96 Tensor& fill_diagonal_(Tensor& self, const Scalar& fill_value, bool wrap) { in fill_diagonal_()
|
/aosp_15_r20/external/pytorch/torch/_inductor/ |
H A D | lowering.py | 2724 def _full(fill_value, device, dtype, size): argument 2755 def full_like(x, fill_value, **kwargs): argument 2759 def tensor_constructor(fill_value): argument 2829 def constant_like(fill_value): argument 2838 def new_constant(fill_value): argument 2916 def full(size, fill_value, **kwargs): argument 3652 def constant_pad_nd(x, padding, fill_value=0): argument 3723 x, fill_value, padding=None, pad_fill_value=1.0, dim=None argument 5413 def fill_(x, fill_value): argument
|
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/ |
H A D | padding.h | 30 std::optional<double> fill_value; in pad() local
|
/aosp_15_r20/external/openscreen/platform/base/ |
H A D | udp_packet.cc | 17 UdpPacket::UdpPacket(size_type size, uint8_t fill_value) in UdpPacket()
|
/aosp_15_r20/external/executorch/backends/cadence/reference/operators/ |
H A D | op_full.cpp | 22 const Scalar& fill_value, in full_out()
|
/aosp_15_r20/external/executorch/kernels/portable/cpu/ |
H A D | op_full.cpp | 22 const Scalar& fill_value, in full_out()
|
H A D | op_full_like.cpp | 22 const Scalar& fill_value, in full_like_out()
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/lite/transforms/ |
H A D | unfold_large_splat_constant.cc | 87 mlir::arith::ConstantOp fill_value = in MaybeUnfoldLargeSplatConstant() local
|
/aosp_15_r20/external/XNNPACK/test/ |
H A D | fill-microkernel-tester.h | 82 uint32_t fill_value = 0; in Test() local
|
H A D | pad-microkernel-tester.h | 118 uint32_t fill_value = 0; in Test() local
|
/aosp_15_r20/external/executorch/backends/vulkan/runtime/graph/ops/impl/ |
H A D | Full.cpp | 37 const ValueRef fill_value, in add_full_node()
|
H A D | Pad.cpp | 61 const ValueRef& fill_value, in add_constant_pad_nd_node()
|
/aosp_15_r20/external/pytorch/torch/_inductor/fx_passes/ |
H A D | post_grad.py | 441 def pointless_cumsum_replacement(match: Match, shape, fill_value, device, dtype, dim): argument 697 def constant_pad_nd(x, padding, fill_value=0): argument
|
/aosp_15_r20/external/executorch/kernels/test/ |
H A D | op_full_test.cpp | 31 op_full_out(const IntArrayRef sizes, const Scalar& fill_value, Tensor& out) { in op_full_out()
|
H A D | op_full_like_test.cpp | 31 const Scalar& fill_value, in op_full_like_out()
|
/aosp_15_r20/external/executorch/extension/tensor/ |
H A D | tensor_ptr_maker.cpp | 119 exec_aten::Scalar fill_value, in full_strided()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/image/ |
H A D | image_ops.cc | 88 T fill_value(0); in DoImageProjectiveTransformOp() local
|
/aosp_15_r20/external/pytorch/test/ |
H A D | test_masked.py | 323 def test_where(self, sparse_kind, fill_value): argument
|
/aosp_15_r20/external/pytorch/torch/distributed/_shard/sharded_tensor/ |
H A D | __init__.py | 192 fill_value, argument
|
/aosp_15_r20/external/pytorch/test/torch_np/numpy_tests/core/ |
H A D | test_numeric.py | 2174 def check_function(self, func, fill_value=None): argument 2265 def compare_array_value(self, dz, value, fill_value): argument 2276 def check_like_function(self, like_function, value, fill_value=False): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/numpy_ops/ |
H A D | np_array_ops.py | 120 def full(shape, fill_value, dtype=None): # pylint: disable=redefined-outer-name argument 131 def full_like(a, fill_value, dtype=None, order='K', subok=True, shape=None): # pylint: disable=mis… argument
|