/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | ReduceOps.cpp | 186 bool keepdim) { in allany_meta() 1227 Tensor sum(const Tensor& self, DimnameList dim, bool keepdim, std::optional<ScalarType> dtype) { in sum() 1232 bool keepdim, std::optional<ScalarType> opt_dtype, Tensor& result) { in sum_out() 1237 bool keepdim, std::optional<ScalarType> opt_dtype, Tensor& result) { in nansum_out() 1258 Tensor nansum(const Tensor& self, at::OptionalIntArrayRef dim, bool keepdim, std::optional<ScalarTy… in nansum() 1311 bool keepdim, in impl_func_prod() 1339 Tensor prod(const Tensor& self, Dimname dim, bool keepdim, std::optional<ScalarType> dtype) { in prod() 1344 bool keepdim, std::optional<ScalarType> opt_dtype, Tensor& result) { in prod_out() 1408 Tensor mean(const Tensor& self, DimnameList dim, bool keepdim, std::optional<ScalarType> dtype) { in mean() 1413 bool keepdim, std::optional<ScalarType> opt_dtype, Tensor& result) { in mean_out() [all …]
|
H A D | Sorting.cpp | 225 const bool keepdim, in quantile_output_shape() 250 const bool keepdim, in quantile_compute() 376 const bool keepdim, in quantile_out_impl() 401 const bool keepdim, in quantile_impl() 420 bool keepdim) { in kthvalue_out_impl_cpu() 506 bool keepdim, in median_with_indices_impl() 657 bool keepdim, in quantile_out() 675 bool keepdim, in quantile_out() 693 bool keepdim, in quantile() 708 bool keepdim, in quantile() [all …]
|
H A D | ReduceOpsUtils.h | 53 const Scalar& ident, int64_t dim, bool keepdim) { in _dimreduce_return_trivial() 139 inline DimVector shape_from_dim_mask(const Tensor& self, DimMask mask, bool keepdim) { in shape_from_dim_mask() 154 Tensor& result, const Tensor& self, DimMask mask, bool keepdim, in resize_reduction_result() 163 const Tensor& self, at::OptionalIntArrayRef dim, bool keepdim, ScalarType dtype in create_reduction_result() 170 inline Tensor review_reduce_result(const Tensor& result, int ndim, DimMask mask, bool keepdim) { in review_reduce_result() 188 bool keepdim, ScalarType in_dtype, ScalarType out_dtype) { in make_reduction() 212 at::OptionalIntArrayRef dim, bool keepdim, ScalarType out_dtype) { in make_reduction() 227 at::OptionalIntArrayRef dim_opt, bool keepdim, ScalarType dtype1, in make_reduction() 264 at::OptionalIntArrayRef dim, bool keepdim, ScalarType dtype) { in make_reduction() 292 const bool keepdim, in get_zero_numel_tensor_size() [all …]
|
H A D | TensorCompare.cpp | 580 std::tuple<Tensor, Tensor> mode(const Tensor& self, int64_t dim, bool keepdim) { in mode() 586 std::tuple<Tensor &,Tensor &> mode_out(const Tensor& self, int64_t dim, bool keepdim, in mode_out() 631 bool keepdim, in minmax_out_impl() 664 std::tuple<Tensor, Tensor> qmax(const Tensor& self, int64_t dim, bool keepdim) { in qmax() 675 std::tuple<Tensor, Tensor> qmin(const Tensor& self, int64_t dim, bool keepdim) { in qmin() 686 std::tuple<Tensor, Tensor> _aminmax(const Tensor& self, int64_t dim, bool keepdim) { in _aminmax() 783 std::tuple<Tensor, Tensor> min(const Tensor& self, Dimname dim, bool keepdim) { in min() 786 std::tuple<Tensor &,Tensor &> min_out(const Tensor& self, Dimname dim, bool keepdim, Tensor& min, T… in min_out() 789 std::tuple<Tensor, Tensor> max(const Tensor& self, Dimname dim, bool keepdim) { in max() 792 std::tuple<Tensor&, Tensor&> max_out(const Tensor& self, Dimname dim, bool keepdim, Tensor& max, Te… in max_out() [all …]
|
H A D | LinearAlgebra.cpp | 2892 bool keepdim, in linalg_matrix_norm() 2934 bool keepdim, in linalg_matrix_norm_out() 2952 bool keepdim, in linalg_matrix_norm() 2981 bool keepdim, in linalg_matrix_norm_out() 2995 …X, const std::optional<Scalar>& opt_ord, OptionalIntArrayRef opt_dim, bool keepdim, std::optional<… in linalg_norm() 3020 …X, const std::optional<Scalar>& opt_ord, OptionalIntArrayRef opt_dim, bool keepdim, std::optional<… in linalg_norm_out() 3032 Tensor linalg_norm(const Tensor& X, c10::string_view ord, OptionalIntArrayRef opt_dim, bool keepdim… in linalg_norm() 3045 …t(const Tensor& X, c10::string_view ord, OptionalIntArrayRef opt_dim, bool keepdim, std::optional<… in linalg_norm_out() 3060 Tensor frobenius_norm(const Tensor& self, IntArrayRef dim, bool keepdim) { in frobenius_norm() 3079 bool keepdim, in frobenius_norm_out() [all …]
|
H A D | NamedTensor.cpp | 377 …sort_out(const Tensor& self, std::optional<bool> stable, Dimname dim, bool keepdim, Tensor& values… in sort_out() 380 std::tuple<Tensor&, Tensor&> sort_out(const Tensor& self, Dimname dim, bool keepdim, Tensor& values… in sort_out() 383 …e<Tensor, Tensor> sort(const Tensor& self, std::optional<bool> stable, Dimname dim, bool keepdim) { in sort() 386 std::tuple<Tensor, Tensor> sort(const Tensor& self, Dimname dim, bool keepdim) { in sort()
|
/aosp_15_r20/external/executorch/backends/arm/test/ops/ |
H A D | test_var.py | 144 def test_var_tosa_MI(self, test_tensor: torch.Tensor, keepdim, correction): argument 148 def test_var_tosa_BI(self, test_tensor: torch.Tensor, keepdim, correction): argument 152 def test_var_u55_BI(self, test_tensor: torch.Tensor, keepdim, correction): argument 160 def test_var_u85_BI(self, test_tensor: torch.Tensor, keepdim, correction): argument 168 def test_var_dim_tosa_MI(self, test_tensor: torch.Tensor, dim, keepdim, correction): argument 174 def test_var_dim_tosa_BI(self, test_tensor: torch.Tensor, dim, keepdim, correction): argument 180 def test_var_dim_u55_BI(self, test_tensor: torch.Tensor, dim, keepdim, correction): argument 188 def test_var_dim_u85_BI(self, test_tensor: torch.Tensor, dim, keepdim, correction): argument 197 self, test_tensor: torch.Tensor, dim, keepdim, correction argument 205 self, test_tensor: torch.Tensor, dim, keepdim, correction argument [all …]
|
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/ |
H A D | linalg.h | 134 bool keepdim, in norm() 143 bool keepdim, in norm() 153 bool keepdim, in norm_out() 164 bool keepdim, in norm_out() 173 bool keepdim, in vector_norm() 183 bool keepdim, in vector_norm_out() 193 bool keepdim, in matrix_norm() 202 bool keepdim, in matrix_norm_out() 212 bool keepdim, in matrix_norm() 221 bool keepdim, in matrix_norm_out() [all …]
|
/aosp_15_r20/external/executorch/kernels/portable/cpu/util/ |
H A D | reduce_util.cpp | 225 bool keepdim, in compute_reduced_out_size() 262 bool keepdim, in compute_reduced_out_size() 302 bool keepdim, in resize_reduction_out() 314 bool keepdim, in resize_reduction_out() 332 bool keepdim, in check_reduction_args() 352 bool keepdim, in check_reduction_args_single_dim() 382 bool keepdim, in check_mean_dim_args() 402 bool keepdim, in check_amin_amax_args() 414 bool keepdim, in check_argmin_argmax_args() 427 bool keepdim, in check_min_max_args()
|
/aosp_15_r20/external/pytorch/torch/onnx/ |
H A D | symbolic_opset18.py | 142 def max(g: jit_utils.GraphContext, self, dim_or_y=None, keepdim=None): argument 154 def min(g: jit_utils.GraphContext, self, dim_or_y=None, keepdim=None): argument 167 def amax(g: jit_utils.GraphContext, self, dim, keepdim): argument 175 def amin(g: jit_utils.GraphContext, self, dim, keepdim): argument 183 def aminmax(g: jit_utils.GraphContext, self, dim, keepdim): argument 206 def _logsumexp(g: jit_utils.GraphContext, input, dim, keepdim): argument
|
H A D | symbolic_opset7.py | 41 def max(g: jit_utils.GraphContext, self, dim_or_y=None, keepdim=None): argument 53 def min(g: jit_utils.GraphContext, self, dim_or_y=None, keepdim=None): argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/ |
H A D | Sorting.cpp | 38 bool keepdim) { in kthvalue_out_impl_cuda() 80 bool keepdim, in median_with_indices_impl() 163 bool keepdim, in kthvalue_out_cuda() 185 bool keepdim, in median_out_cuda() 199 bool keepdim, in nanmedian_out_cuda()
|
H A D | ReduceOps.cpp | 52 …l_impl(const Tensor& result, const Tensor& indice, const Tensor& self, int64_t dim, bool keepdim) { in min_kernel_impl() 57 …l_impl(const Tensor& result, const Tensor& indice, const Tensor& self, int64_t dim, bool keepdim) { in max_kernel_impl() 63 const Tensor& self, int64_t dim, bool keepdim, Tensor& min_result, Tensor& max_result) { in aminmax_kernel_impl()
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cpu/ |
H A D | ReduceOps.cpp | 58 static Tensor qnnpack_mean(const Tensor& input, IntArrayRef dim, bool keepdim) { in qnnpack_mean() 133 bool keepdim, in mean_out_quantized_cpu() 168 bool keepdim, in mean_quantized_cpu() 200 bool keepdim, in std_out_quantized_cpu() 224 bool keepdim) { in std_quantized_cpu()
|
/aosp_15_r20/external/pytorch/torch/masked/maskedtensor/ |
H A D | reductions.py | 21 def _masked_all_dim(data, dim, keepdim=False, mask=None): argument 33 def _multidim_any(mask, dim, keepdim): argument 84 def reduce_dim(self, dim, keepdim=False, dtype=None): argument 121 def _reduce_dim_args(input, dim, keepdim=False, dtype=None): argument
|
/aosp_15_r20/external/executorch/kernels/test/ |
H A D | op_any_test.cpp | 35 bool keepdim, in op_any_dims_out() 41 op_any_out(const Tensor& input, int64_t dim, bool keepdim, Tensor& out) { in op_any_out() 133 bool keepdim = true; in TEST_F() local 145 bool keepdim = false; in TEST_F() local
|
H A D | op_prod_test.cpp | 33 bool keepdim, in op_prod_int_out() 75 bool keepdim = false; in TEST_F() local 88 bool keepdim = true; in TEST_F() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cpu/ |
H A D | TensorCompareKernel.cpp | 37 bool keepdim, in compare_base_kernel_core() 77 bool keepdim, in compare_base_kernel() 106 bool keepdim) { in min_kernel_impl() 139 bool keepdim) { in max_kernel_impl() 170 bool keepdim, in aminmax_kernel() 243 bool keepdim) { in mode_kernel_impl()
|
/aosp_15_r20/external/pytorch/torch/ |
H A D | functional.py | 1627 keepdim=False, argument 1639 keepdim=False, argument 1651 keepdim=False, argument 1663 keepdim=False, argument 1675 keepdim=False, argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/vulkan/ops/ |
H A D | Mean.cpp | 16 bool keepdim, in mean_dim() 104 bool keepdim, in mean_dim_IntList()
|
H A D | Sum.cpp | 16 bool keepdim, in sum_dim() 93 bool keepdim, in sum_dim_IntList()
|
/aosp_15_r20/external/pytorch/torch/csrc/autograd/ |
H A D | FunctionsManual.cpp | 183 bool keepdim) { in restore_reduced_dims() 216 bool keepdim) { in amaxamin_jvp() 251 bool keepdim) { in norm_backward() 305 bool keepdim) { in norm_jvp() 447 bool keepdim) { in linalg_vector_norm_jvp() 460 bool keepdim) { in linalg_vector_norm_backward() 710 bool keepdim) { in sum_backward() 724 bool keepdim) { in sum_backward() 739 bool keepdim) { in nansum_backward() 749 bool keepdim) { in mean_backward() [all …]
|
/aosp_15_r20/external/pytorch/torch/ao/quantization/ |
H A D | _equalize.py | 69 def max_over_ndim(input, axis_list, keepdim=False): argument 77 def min_over_ndim(input, axis_list, keepdim=False): argument
|
/aosp_15_r20/external/executorch/kernels/portable/cpu/ |
H A D | op_var.cpp | 64 bool keepdim, in var_out() 107 bool keepdim, in var_correction_out()
|
H A D | op_any.cpp | 53 bool keepdim, in any_dims_out() 114 bool keepdim, in any_out()
|