/aosp_15_r20/external/eigen/unsupported/test/ |
H A D | cxx11_tensor_reduction_sycl.cpp | 69 using scalar_tensor = Tensor<DataType, 0, DataLayout, IndexType>; in test_full_reductions_sum_with_offset_sycl() typedef 76 scalar_tensor full_redux; in test_full_reductions_sum_with_offset_sycl() 77 scalar_tensor full_redux_gpu; in test_full_reductions_sum_with_offset_sycl() 93 TensorMap<scalar_tensor> out_gpu(gpu_out_data); in test_full_reductions_sum_with_offset_sycl() 143 using scalar_tensor = Tensor<DataType, 0, DataLayout, IndexType>; in test_full_reductions_max_with_offset_sycl() typedef 150 scalar_tensor full_redux; in test_full_reductions_max_with_offset_sycl() 151 scalar_tensor full_redux_gpu; in test_full_reductions_max_with_offset_sycl() 171 TensorMap<scalar_tensor> out_gpu(gpu_out_data); in test_full_reductions_max_with_offset_sycl() 276 using scalar_tensor = Tensor<DataType, 0, DataLayout, IndexType>; in test_full_reductions_mean_with_offset_sycl() typedef 283 scalar_tensor full_redux; in test_full_reductions_mean_with_offset_sycl() [all …]
|
/aosp_15_r20/external/executorch/backends/qualcomm/builders/ |
H A D | op_pow.py | 57 scalar_tensor = torch.tensor(scalar).to(torch.float32) 64 exir_ops.edge.aten.scalar_tensor.default, 80 scalar_tensor,
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | Bucketization.cpp | 199 const Tensor& scalar_tensor = searchsorted_scalar_tensor(self, sorted_sequence.device()); in searchsorted_out_cpu() local 200 …return searchsorted_out_cpu(sorted_sequence, scalar_tensor, out_int32, right, side_opt, sorter_opt… in searchsorted_out_cpu() 224 const Tensor& scalar_tensor = searchsorted_scalar_tensor(self, sorted_sequence.device()); in searchsorted_cpu() local 225 return searchsorted_cpu(sorted_sequence, scalar_tensor, out_int32, right, side_opt, sorter_opt); in searchsorted_cpu()
|
H A D | TensorCompare.cpp | 557 auto self_converted = at::scalar_tensor(self, other.options().dtype(result_type)); in where() 564 auto other_converted = at::scalar_tensor(other, self.options().dtype(result_type)); in where() 571 const Tensor& other_t = at::scalar_tensor(other, condition.options().dtype(result_type)); in where() 572 const Tensor& self_t = at::scalar_tensor(self, condition.options().dtype(result_type)); in where()
|
H A D | Sorting.cpp | 682 at::scalar_tensor(q, self.options()), in quantile_out() 713 self, at::scalar_tensor(q, self.options()), dim, keepdim, interpolation); in quantile() 745 at::scalar_tensor(q, self.options()), in nanquantile_out() 776 self, at::scalar_tensor(q, self.options()), dim, keepdim, interpolation); in nanquantile()
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/ |
H A D | Bucketization.cu | 186 const Tensor& scalar_tensor = searchsorted_scalar_tensor(self, sorted_sequence.device()); in searchsorted_out_cuda() local 187 …return searchsorted_out_cuda(sorted_sequence, scalar_tensor, out_int32, right, side_opt, sorter_op… in searchsorted_out_cuda() 211 const Tensor& scalar_tensor = searchsorted_scalar_tensor(self, sorted_sequence.device()); in searchsorted_cuda() local 212 return searchsorted_cuda(sorted_sequence, scalar_tensor, out_int32, right, side_opt, sorter); in searchsorted_cuda()
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ops/ |
H A D | fill_ops.cc | 220 ITensorProxyPtr scalar_tensor = nullptr; in Convert() local 242 &scalar_tensor, params.node_def)); in Convert() 264 trt_dims, scalar_tensor, beta_tensor, delta_); in Convert()
|
H A D | layer_utils.h | 499 ITensorProxyPtr scalar_tensor = nullptr, 509 scalar_tensor = (*const_layer)->getOutput(0); 511 if (scalar_tensor == nullptr) { 515 scalar_tensor = (*shuffler_layer)->getOutput(0); 533 layer->setInput(1, *scalar_tensor->trt_tensor());
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/image/ |
H A D | generate_box_proposals_op.cu.cc | 299 const Tensor& scalar_tensor = context->input(input); in GetScalarValue() local 300 if (!TensorShapeUtils::IsScalar(scalar_tensor.shape())) { in GetScalarValue() 303 scalar_tensor.shape().DebugString()); in GetScalarValue() 305 *value = scalar_tensor.scalar<T>()(); in GetScalarValue()
|
/aosp_15_r20/external/executorch/backends/apple/mps/operators/ |
H A D | constant_ops.py | 48 if node.target == exir_ops.edge.aten.scalar_tensor.default: 57 elif node.target == exir_ops.edge.aten.scalar_tensor.default:
|
/aosp_15_r20/external/executorch/extension/training/ |
H A D | README.md | 149 …%scalar_tensor : [num_users=1] = call_function[target=torch.ops.aten.scalar_tensor.default](args =… 150 … call_function[target=torch.ops.aten.where.self](args = (%ne, %label, %scalar_tensor), kwargs = {}) 156 …%scalar_tensor_1 : [num_users=1] = call_function[target=torch.ops.aten.scalar_tensor.default](args… 171 …%scalar_tensor_2 : [num_users=1] = call_function[target=torch.ops.aten.scalar_tensor.default](args… 176 …%scalar_tensor_3 : [num_users=1] = call_function[target=torch.ops.aten.scalar_tensor.default](args…
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mps/operations/ |
H A D | Bucketization.mm | 306 const Tensor& scalar_tensor = mps::wrapped_scalar_tensor_mps(self, sorted_sequence.device()); 307 …return searchsorted_out_mps(sorted_sequence, scalar_tensor, out_int32, right, side_opt, sorter_opt… 329 const Tensor& scalar_tensor = mps::wrapped_scalar_tensor_mps(self, sorted_sequence.device()); 330 return searchsorted_mps(sorted_sequence, scalar_tensor, out_int32, right, side_opt, sorter);
|
/aosp_15_r20/external/pytorch/aten/src/ATen/functorch/ |
H A D | BatchRulesBinaryOps.cpp | 337 #define BINARY_SCALAR_3(op, tensor_tensor, tensor_scalar, scalar_tensor) \ in TORCH_LIBRARY_IMPL() argument 340 POINTWISE_BOXED(op.scalar_tensor); in TORCH_LIBRARY_IMPL() 342 #define BINARY_SCALAR_3_Tensor(op, tensor_scalar, scalar_tensor) \ in TORCH_LIBRARY_IMPL() argument 345 POINTWISE_BOXED(op.scalar_tensor); in TORCH_LIBRARY_IMPL()
|
/aosp_15_r20/external/executorch/docs/source/ |
H A D | extension-tensor.md | 334 …make_tensor_ptr()` with a single data value, you can create a scalar tensor with `scalar_tensor()`. 337 auto tensor = scalar_tensor(3.14f); 340 Note that the `scalar_tensor()` function expects a value of type `Scalar`. In ExecuTorch, `Scalar` … 379 | `at::scalar_tensor(value)` | `scalar_tensor(value)` |
|
/aosp_15_r20/external/pytorch/torch/_refs/special/ |
H A D | __init__.py | 158 b = refs.scalar_tensor(b, dtype=a.dtype, device=a.device) 160 a = refs.scalar_tensor(a, dtype=b.dtype, device=b.device)
|
/aosp_15_r20/external/executorch/extension/tensor/test/ |
H A D | tensor_ptr_maker_test.cpp | 239 auto tensor = scalar_tensor(3.14f); in TEST_F() 246 auto tensor2 = scalar_tensor(5, exec_aten::ScalarType::Int); in TEST_F() 253 auto tensor3 = scalar_tensor(7.0, exec_aten::ScalarType::Double); in TEST_F()
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mps/ |
H A D | OperationUtils.mm | 16 #include <ATen/ops/scalar_tensor.h> 662 tensor = at::scalar_tensor(scalar, at::device(device).dtype(at::kFloat)); 664 tensor = at::scalar_tensor(scalar, at::device(device).dtype(at::kBool)); 666 tensor = at::scalar_tensor(scalar, at::device(device).dtype(at::kComplexDouble)); 669 tensor = at::scalar_tensor(scalar, at::device(device).dtype(at::kLong));
|
/aosp_15_r20/external/pytorch/torch/_inductor/fx_passes/ |
H A D | joint_graph.py | 308 or node.target is torch.ops.aten.scalar_tensor.default 652 one = torch.scalar_tensor(1, dtype=inp.dtype, device=inp.device) 679 one = torch.scalar_tensor(1, dtype=inp.dtype, device=inp.device)
|
/aosp_15_r20/external/pytorch/torch/_lazy/ |
H A D | tensor_factory_functions.py | 30 torch.scalar_tensor,
|
/aosp_15_r20/external/pytorch/aten/src/ATen/ |
H A D | ScalarOps.h | 38 return at::scalar_tensor(s, at::device(device).dtype(s.type()));
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/runtime/ |
H A D | register_special_ops.cpp | 299 at::native::scalar_tensor( 312 at::native::scalar_tensor(
|
/aosp_15_r20/external/executorch/exir/passes/ |
H A D | sym_to_tensor_pass.py | 54 torch.ops.aten.scalar_tensor.default,
|
H A D | replace_aten_with_edge_pass.py | 20 torch.ops.aten.scalar_tensor.default,
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/ir/ |
H A D | ir.cpp | 160 auto scalar_tensor = tensor.view(std::vector<int64_t>{}).item(); in printAttribute() local 162 if (scalar_tensor.isFloatingPoint()) { in printAttribute() 163 out << scalar_tensor.toDouble(); in printAttribute() 164 } else if (scalar_tensor.isComplex()) { in printAttribute() 165 out << scalar_tensor.toComplexDouble(); in printAttribute() 167 out << scalar_tensor.toLong(); in printAttribute()
|
/aosp_15_r20/external/pytorch/torch/_inductor/fx_passes/serialized_patterns/ |
H A D | _sfdp_pattern_18.py | 76 scalar_tensor_default = CallFunction(aten.scalar_tensor.default, Ignored(), dtype=Ignored(), layout… 178 scalar_tensor_default = CallFunction(aten.scalar_tensor.default, Ignored(), dtype=Ignored(), layout… 285 scalar_tensor_default = CallFunction(aten.scalar_tensor.default, Ignored(), dtype=Ignored(), layout… 394 scalar_tensor_default = CallFunction(aten.scalar_tensor.default, Ignored(), dtype=Ignored(), layout…
|