/aosp_15_r20/external/pytorch/torch/utils/ |
H A D | flop_counter.py | 56 def mm_flop(a_shape, b_shape, *args, out_shape=None, **kwargs) -> int: argument 67 def addmm_flop(self_shape, a_shape, b_shape, out_shape=None, **kwargs) -> int: argument 72 def bmm_flop(a_shape, b_shape, out_shape=None, **kwargs) -> int: argument 85 def baddbmm_flop(self_shape, a_shape, b_shape, out_shape=None, **kwargs) -> int: argument 132 def conv_flop(x_shape, w_shape, _bias, _stride, _padding, _dilation, transposed, *args, out_shape=N… argument 150 out_shape) -> int: argument 260 def sdpa_flop(query_shape, key_shape, value_shape, *args, out_shape=None, **kwargs) -> int: argument 382 out_shape=None, argument 464 def sdpa_backward_flop(grad_out_shape, query_shape, key_shape, value_shape, *args, out_shape=None, … argument
|
/aosp_15_r20/external/ComputeLibrary/src/gpu/cl/kernels/ |
H A D | ClElementwiseKernel.cpp | 78 …t ITensorInfo &src1, const ITensorInfo &src2, const ITensorInfo &dst, const TensorShape &out_shape) in validate_in_place_output_shape() 104 …const TensorShape out_shape = TensorShape::broadcast_shape(src1.tensor_shape(), src2.tensor_shape(… in validate_arguments_with_float_only_supported_rules() local 130 …const TensorShape out_shape = TensorShape::broadcast_shape(src1->tensor_shape(), src2->tensor_shap… in validate_arguments_divide_operation() local 165 …const TensorShape out_shape = TensorShape::broadcast_shape(src1.tensor_shape(), src2.tensor_shape(… in validate_arguments_with_arithmetic_rules() local 230 const TensorShape &out_shape = broadcast_pair.first; in validate_and_configure_window_for_arithmetic_operators() local 240 const TensorShape &out_shape = broadcast_pair.first; in validate_and_configure_window_for_logical_binary_operators() local 251 const TensorShape &out_shape = broadcast_pair.first; in validate_and_configure_window_for_division() local 306 const TensorShape &out_shape = dst->info()->tensor_shape(); in run_op() local
|
H A D | ClMulKernel.cpp | 70 …const TensorShape &out_shape = TensorShape::broadcast_shape(src1->tensor_shape(), src2->tensor_sha… in validate_arguments() local 122 …const TensorShape &out_shape = TensorShape::broadcast_shape(src1->tensor_shape(), src2->tensor_sha… in configure() local 282 const TensorShape &out_shape = dst->info()->tensor_shape(); in run_op() local 333 …const TensorShape &out_shape = TensorShape::broadcast_shape(src1->tensor_shape(), src2->tensor_sha… in validate_arguments_complex() local 362 …const TensorShape &out_shape = TensorShape::broadcast_shape(src1->tensor_shape(), src2->tensor_sha… in configure() local 402 const TensorShape &out_shape = dst->info()->tensor_shape(); in run_op() local
|
/aosp_15_r20/external/ComputeLibrary/src/runtime/NEON/functions/ |
H A D | NEReduceMean.cpp | 60 TensorShape out_shape = input->tensor_shape(); in validate_config() local 129 …TensorShape out_shape = i == 0 ? tmp_input->info()->tensor_shape() : (&_reduced_outs[i - 1])->info… in configure() local 153 TensorShape out_shape = tmp_input->info()->tensor_shape(); in configure() local
|
H A D | NECropResize.cpp | 53 …TensorShape out_shape(input->tensor_shape()[0], crop_size.x, crop_size.y, boxes->tensor_shape()[1]… in validate() local 67 TensorShape out_shape(input->info()->tensor_shape()[0], crop_size.x, crop_size.y); in configure() local
|
/aosp_15_r20/external/ComputeLibrary/src/runtime/CL/functions/ |
H A D | CLReduceMean.cpp | 64 TensorShape out_shape = input->tensor_shape(); in validate_config() local 153 …TensorShape out_shape = i == 0 ? tmp_input->info()->tensor_shape() : (&_reduced_outs[i - 1])->info… in configure() local 178 TensorShape out_shape = tmp_input->info()->tensor_shape(); in configure() local
|
H A D | CLCropResize.cpp | 55 …const TensorShape out_shape(input->info()->tensor_shape()[0], static_cast<uint32_t>(abs(end[0] - s… in configure_crop() local 80 …TensorShape out_shape(input->tensor_shape()[0], crop_size.x, crop_size.y, boxes->tensor_shape()[1]… in validate() local 103 TensorShape out_shape(input->info()->tensor_shape()[0], crop_size.x, crop_size.y); in configure() local
|
/aosp_15_r20/external/ComputeLibrary/tests/validation/reference/ |
H A D | CropResize.cpp | 37 SimpleTensor<float> scale_image(const SimpleTensor<float> &in, const TensorShape &out_shape, Interp… in scale_image() 126 …TensorShape out_shape(src.shape()[0], static_cast<uint32_t>(abs(end[0] - start[0])) + 1, static_ca… in crop_image() local 166 const TensorShape out_shape(src.shape()[0], crop_size.x, crop_size.y, boxes.shape()[1]); in crop_and_resize() local
|
/aosp_15_r20/external/ComputeLibrary/src/core/CL/kernels/ |
H A D | CLComparisonKernel.cpp | 62 …const TensorShape out_shape = TensorShape::broadcast_shape(input1.tensor_shape(), input2.tensor_sh… in validate_arguments() local 78 …const TensorShape &out_shape = TensorShape::broadcast_shape(input1.tensor_… in validate_and_configure_window() local 179 const TensorShape &out_shape = _output->info()->tensor_shape(); in run() local
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | maxpooling_op.cc | 846 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local 929 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local 1001 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local 1139 TensorShape out_shape({params.tensor_in_batch, params.tensor_in_rows, in Compute() local 1207 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local 1267 TensorShape out_shape = in Compute() local 1402 TensorShape out_shape = in Compute() local
|
H A D | diag_op.cc | 53 TensorShape out_shape; in Compute() local 93 TensorShape out_shape; in Compute() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | Sorting.cpp | 228 std::vector<int64_t> out_shape; in quantile_output_shape() local 254 std::vector<int64_t> out_shape) { in quantile_compute() 389 auto out_shape = quantile_output_shape(original_dim, self, q, keepdim, wrapped_dim); in quantile_out_impl() local 408 auto out_shape = quantile_output_shape(original_dim, self, q, keepdim, wrapped_dim); in quantile_impl() local 517 std::vector<int64_t> out_shape = self.sizes().vec(); in median_with_indices_impl() local
|
/aosp_15_r20/external/executorch/backends/cadence/hifi/operators/ |
H A D | op_mean.cpp | 33 int* out_shape, in prepare_data() 101 int out_shape[kNnlibMaxDim]; in mean_dim_out() local
|
H A D | op_div.cpp | 99 int out_shape[kNnlibMaxDim]; in div_out() local 220 int out_shape[kNnlibMaxDim]; in div_out_mode() local
|
/aosp_15_r20/external/ComputeLibrary/src/cpu/kernels/ |
H A D | CpuSubKernel.cpp | 121 …const TensorShape out_shape = TensorShape::broadcast_shape(src0.tensor_shape(), src1.tensor_shape(… in validate_arguments() local 143 …const TensorShape &out_shape = TensorShape::broadcast_shape(src0->tensor_shape(), src1->tensor_sha… in configure() local
|
H A D | CpuAddKernel.cpp | 189 …const TensorShape out_shape = TensorShape::broadcast_shape(src0.tensor_shape(), src1.tensor_shape(… in validate_arguments() local 229 …const TensorShape &out_shape = TensorShape::broadcast_shape(src0->tensor_shape(), src1->tensor_sha… in configure() local
|
/aosp_15_r20/external/tensorflow/tensorflow/core/util/sparse/ |
H A D | sparse_tensor.h | 346 const auto& out_shape = out->shape(); in ValidateAndInitializeToDense() local 380 const auto& out_shape = out->shape(); in ToDense() local 396 const auto& out_shape = out->shape().dim_sizes(); in ToDense() local
|
/aosp_15_r20/external/ComputeLibrary/src/graph/mutators/ |
H A D | InPlaceOperationMutator.cpp | 126 const auto out_shape = current_output_tensor->desc().shape; in try_in_place_depthwiseconv() local 171 const TensorShape out_shape = TensorShape::broadcast_shape(shape0, shape1); in try_in_place_elementwise() local
|
/aosp_15_r20/external/eigen/unsupported/test/ |
H A D | cxx11_tensor_argmax_gpu.cu | 78 array<DenseIndex, 3> out_shape; in test_gpu_argmax_dim() local 167 array<DenseIndex, 3> out_shape; in test_gpu_argmin_dim() local
|
H A D | cxx11_tensor_argmax_sycl.cpp | 81 array<DenseIndex, 3> out_shape; in test_sycl_argmax_dim() local 169 array<DenseIndex, 3> out_shape; in test_sycl_argmin_dim() local
|
/aosp_15_r20/external/ComputeLibrary/src/core/NEON/kernels/ |
H A D | NELogicalKernel.cpp | 281 TensorShape out_shape = input1->tensor_shape(); in configure() local 300 TensorShape out_shape = input1->tensor_shape(); in validate() local
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/linalg/ |
H A D | determinant_op.cc | 149 TensorShape out_shape; in ComputeAsync() local 289 TensorShape out_shape; in ComputeAsync() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ |
H A D | image_grad_test_base.py | 133 out_shape, argument 235 def _gpuVsCpuCase(self, in_shape, out_shape, align_corners, argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/ops/ |
H A D | batch_ops.cc | 105 shape_inference::ShapeHandle out_shape; in __anoncf35e64b0202() local
|
/aosp_15_r20/external/ComputeLibrary/src/core/helpers/ |
H A D | WindowHelpers.h | 213 const TensorShape out_shape = TensorShape::broadcast_shape(shapes...); in compute_output_shape_and_window() local
|