/aosp_15_r20/external/pytorch/test/cpp/api/ |
H A D | tensor.cpp | 34 auto tensor = at::empty({3, 4}); in TEST() local 57 auto tensor = at::empty({3, 4}); in TEST() local 94 auto tensor = torch::empty({3, 4}, at::requires_grad()); in TEST() local 110 auto tensor = torch::empty({3, 4}); in TEST() local 130 auto tensor = at::empty({3, 4}, at::kFloat); in TEST() local 135 auto tensor = at::empty({3, 4}, at::kFloat); in TEST() local 140 auto tensor = at::empty({3, 4}, at::kFloat); in TEST() local 145 auto tensor = at::empty({3, 4}, at::kFloat); in TEST() local 150 auto tensor = at::empty({3, 4}, at::kFloat); in TEST() local 157 auto tensor = at::tensor(123); in TEST() local [all …]
|
/aosp_15_r20/external/executorch/extension/tensor/test/ |
H A D | tensor_ptr_test.cpp | 28 auto tensor = make_tensor_ptr({}, &scalar_data); in TEST_F() local 39 auto tensor = make_tensor_ptr({}, {3.14f}); in TEST_F() local 84 auto tensor = make_tensor_ptr({4, 5}, data, {0, 1}, {5, 1}); in TEST_F() local 103 TensorPtr tensor; in TEST_F() local 116 auto tensor = make_tensor_ptr({}, data); in TEST_F() local 126 auto tensor = make_tensor_ptr( in TEST_F() local 140 auto tensor = make_tensor_ptr({2, 3}, data); in TEST_F() local 150 auto tensor = make_tensor_ptr( in TEST_F() local 170 auto tensor = make_tensor_ptr( in TEST_F() local 192 auto tensor = make_tensor_ptr( in TEST_F() local [all …]
|
H A D | tensor_ptr_maker_test.cpp | 27 auto tensor = for_blob(data, {4, 5}) in TEST_F() local 48 auto tensor = for_blob(data, sizes) in TEST_F() local 70 auto tensor = for_blob(data, std::move(sizes)) in TEST_F() local 88 auto tensor = from_blob(data, {4, 5}); in TEST_F() local 102 auto tensor = from_blob(data, {2, 2, 2}, {4, 2, 1}); in TEST_F() local 117 TensorPtr tensor = in TEST_F() local 128 auto tensor = from_blob(data, {}); in TEST_F() local 138 auto tensor = for_blob(data, {4, 5}) in TEST_F() local 153 auto tensor = for_blob(data_ptr, {4, 5}) in TEST_F() local 169 auto tensor = from_blob( in TEST_F() local [all …]
|
/aosp_15_r20/external/executorch/backends/arm/test/ops/ |
H A D | test_batch_norm.py | 508 weights: torch.tensor = None, 509 bias: torch.tensor = None, 510 running_mean: torch.tensor = None, 511 running_var: torch.tensor = None, 657 int, bool, bool, torch.tensor, torch.tensor, torch.tensor, torch.tensor 658 ] 675 int, bool, bool, torch.tensor, torch.tensor, torch.tensor, torch.tensor 676 ] 696 int, bool, bool, torch.tensor, torch.tensor, torch.tensor, torch.tensor 697 ] [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/test/ |
H A D | legacy_vmap_test.cpp | 52 Tensor tensor = addBatchDim(ones({3}), /*lvl*/1, /*dim*/0); in TEST() local 68 auto tensor = ones({2, 3, 4}); in TEST() local 72 auto tensor = ones({2, 3, 4}); in TEST() local 79 auto tensor = ones({2, 3, 4}); in TEST() local 88 auto tensor = ones(std::vector<int64_t>(kVmapNumLevels, 1)); in TEST() local 93 auto tensor = ones(std::vector<int64_t>(kVmapNumLevels + 1, 1)); in TEST() local 104 Tensor tensor = makeBatched(ones({2, 3, 5, 7}), {}); in TEST() local 126 Tensor tensor = makeBatched(ones({2, 3, 5, 7}), {{/*lvl*/1, /*dim*/0}}); in TEST() local 136 Tensor tensor = makeBatched(ones({2, 3, 5, 7}), {{/*lvl*/1, /*dim*/1}}); in TEST() local 144 Tensor tensor = makeBatched(ones({2, 3, 5, 7}), {{/*lvl*/1, /*dim*/1}}); in TEST() local [all …]
|
/aosp_15_r20/external/ComputeLibrary/utils/ |
H A D | GraphUtils.cpp | 69 void TFPreproccessor::preprocess(ITensor &tensor) in preprocess() 86 void TFPreproccessor::preprocess_typed(ITensor &tensor) in preprocess_typed() 110 void CaffePreproccessor::preprocess(ITensor &tensor) in preprocess() 127 void CaffePreproccessor::preprocess_typed(ITensor &tensor) in preprocess_typed() 145 bool PPMWriter::access_tensor(ITensor &tensor) in access_tensor() 170 bool DummyAccessor::access_tensor(ITensor &tensor) in access_tensor() 200 void NumPyAccessor::access_numpy_tensor(ITensor &tensor, T tolerance) in access_numpy_tensor() 211 bool NumPyAccessor::access_tensor(ITensor &tensor) in access_tensor() 237 bool PrintAccessor::access_tensor(ITensor &tensor) in access_tensor() 249 bool SaveNumPyAccessor::access_tensor(ITensor &tensor) in access_tensor() [all …]
|
H A D | Utils.h | 212 inline void map(T &tensor, bool blocking) in map() 223 inline void unmap(T &tensor) in unmap() 234 inline void map(CLTensor &tensor, bool blocking) in map() 243 inline void unmap(CLTensor &tensor) in unmap() 336 void init_tensor(T &tensor, arm_compute::DataType dt) in init_tensor() 365 void fill_tensor(T &tensor) in fill_tensor() 506 void save_to_ppm(T &tensor, const std::string &ppm_filename) in save_to_ppm() 586 void save_to_npy(T &tensor, const std::string &npy_filename, bool fortran_order) in save_to_npy() 641 void load_trained_data(T &tensor, const std::string &filename) in load_trained_data() 688 void fill_tensor_value(TensorType &tensor, T value) in fill_tensor_value() [all …]
|
/aosp_15_r20/external/sdv/vsomeip/third_party/boost/numeric/ublas/include/boost/numeric/ublas/tensor/ |
D | tensor.hpp | 79 class tensor: class 141 constexpr tensor () in tensor() function in boost::numeric::ublas::tensor 159 tensor (std::initializer_list<size_type> l) in tensor() function in boost::numeric::ublas::tensor 177 tensor (extents_type const& s) in tensor() function in boost::numeric::ublas::tensor 194 tensor (extents_type const& s, const array_type &a) in tensor() function in boost::numeric::ublas::tensor 214 tensor (extents_type const& e, const value_type &i) in tensor() function in boost::numeric::ublas::tensor 228 tensor (const tensor &v) in tensor() function in boost::numeric::ublas::tensor 242 tensor (tensor &&v) in tensor() function in boost::numeric::ublas::tensor 257 tensor (const matrix_type &v) in tensor() function in boost::numeric::ublas::tensor 276 tensor (matrix_type &&v) in tensor() function in boost::numeric::ublas::tensor [all …]
|
/aosp_15_r20/external/executorch/extension/android_test/src/test/java/org/pytorch/executorch/ |
H A D | TensorTest.java | 31 Tensor tensor = Tensor.fromBlob(data, shape); in testFloatTensor() local 58 Tensor tensor = Tensor.fromBlob(data, shape); in testIntTensor() local 87 Tensor tensor = Tensor.fromBlob(data, shape); in testDoubleTensor() local 114 Tensor tensor = Tensor.fromBlob(data, shape); in testLongTensor() local 141 Tensor tensor = Tensor.fromBlob(data, shape); in testSignedByteTensor() local 170 Tensor tensor = Tensor.fromBlobUnsigned(data, shape); in testUnsignedByteTensor() local 199 Tensor tensor = Tensor.fromBlob(data, shape); in testIllegalDataTypeException() local 241 Tensor tensor = Tensor.fromBlob((float[]) null, mismatchShape); in testIllegalArguments() local 247 Tensor tensor = Tensor.fromBlob(data, null); in testIllegalArguments() local 253 Tensor tensor = Tensor.fromBlob(data, shapeWithNegativeValues); in testIllegalArguments() local [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/templates/ |
H A D | Functions.h | 99 inline int64_t numel(const Tensor& tensor) { in numel() 103 inline int64_t size(const Tensor& tensor, int64_t dim) { in size() 107 inline int64_t stride(const Tensor& tensor, int64_t dim) { in stride() 111 inline bool is_complex(const Tensor& tensor) { in is_complex() 115 inline bool is_floating_point(const Tensor& tensor) { in is_floating_point() 119 inline bool is_signed(const Tensor& tensor) { in is_signed() 123 inline bool is_inference(const Tensor& tensor) { in is_inference() 127 inline bool _is_zerotensor(const Tensor& tensor) { in _is_zerotensor() 131 inline bool is_conj(const Tensor& tensor) { in is_conj() 135 inline Tensor conj(const Tensor& tensor) { in conj() [all …]
|
/aosp_15_r20/external/pytorch/torch/csrc/api/src/nn/ |
H A D | init.cpp | 41 Tensor tensor, in calculate_kaiming_std() 71 Tensor constant_(Tensor tensor, Scalar value) { in constant_() 76 Tensor dirac_(Tensor tensor) { in dirac_() 111 Tensor normal_(Tensor tensor, double mean, double std) { in normal_() 116 Tensor ones_(Tensor tensor) { in ones_() 121 Tensor orthogonal_(Tensor tensor, double gain) { in orthogonal_() 153 Tensor sparse_(Tensor tensor, double sparsity, double std) { in sparse_() 175 Tensor uniform_(Tensor tensor, double low, double high) { in uniform_() 181 Tensor tensor, in kaiming_uniform_() 193 Tensor tensor, in kaiming_normal_() [all …]
|
/aosp_15_r20/external/tflite-support/tensorflow_lite_support/codegen/ |
H A D | android_java_generator.cc | 350 for (const auto& tensor : model.inputs) { in GenerateWrapperClass() local 354 for (const auto& tensor : model.outputs) { in GenerateWrapperClass() local 380 for (const auto& tensor : model.outputs) { in GenerateWrapperOutputs() local 390 for (const auto& tensor : model.outputs) { in GenerateWrapperOutputs() local 416 for (const auto& tensor : model.outputs) { in GenerateWrapperOutputs() local 447 for (const auto& tensor : model.outputs) { in GenerateWrapperOutputs() local 467 for (const auto& tensor : model.inputs) { in GenerateWrapperMetadata() local 477 for (const auto& tensor : model.outputs) { in GenerateWrapperMetadata() local 548 for (const auto& tensor : model.inputs) { in GenerateWrapperMetadata() local 573 for (const auto& tensor : model.outputs) { in GenerateWrapperMetadata() local [all …]
|
/aosp_15_r20/external/ComputeLibrary/tests/ |
H A D | AssetsLibrary.h | 506 void AssetsLibrary::fill_borders_with_garbage(T &&tensor, D &&distribution, std::random_device::res… in fill_borders_with_garbage() 535 void AssetsLibrary::fill_boxes(T &&tensor, D &&distribution, std::random_device::result_type seed_o… in fill_boxes() 587 void AssetsLibrary::fill_with_generator(T &&tensor, const GeneratorFunctionType<ResultType> &genera… in fill_with_generator() 622 void AssetsLibrary::fill(T &&tensor, D &&distribution, std::random_device::result_type seed_offset)… in fill() 638 void AssetsLibrary::fill_static_values(T &&tensor, const std::vector<DataType> &values) const in fill_static_values() 672 void AssetsLibrary::fill(T &&tensor, const std::string &name, Format format) const in fill() 687 void AssetsLibrary::fill(T &&tensor, const std::string &name, Channel channel) const in fill() 693 void AssetsLibrary::fill(T &&tensor, const std::string &name, Format format, Channel channel) const in fill() 708 void AssetsLibrary::fill(T &&tensor, RawTensor raw) const in fill() 721 void AssetsLibrary::fill_tensor_uniform(T &&tensor, std::random_device::result_type seed_offset) co… in fill_tensor_uniform() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/grappler/ |
H A D | datasets_test.py | 96 def make_generator(tensor): argument 160 def fn(dataset, tensor, shape): argument 168 def fn(dataset, tensor, shape): argument 176 def fn(dataset, tensor, shape): argument 184 def fn(dataset, tensor, shape): argument 192 def fn(dataset, tensor, shape): argument 200 def fn(dataset, tensor, shape): argument 208 def fn(dataset, tensor, shape): argument 216 def fn(dataset, tensor, shape): argument 224 def fn(dataset, tensor, shape): argument [all …]
|
/aosp_15_r20/external/pytorch/torch/csrc/lazy/core/ |
H A D | tensor.cpp | 19 const at::Tensor& tensor, in GetOrCreateLtcTensor() 34 const at::Tensor& tensor, in Create() 61 LazyTensor::LazyTensor(const at::Tensor& tensor, const BackendDevice& device) in LazyTensor() 219 const at::Tensor& tensor, in GetIrValueForTensor() 238 at::Tensor tensor; in ToTensor() local 271 void LazyTensor::SetTensor(at::Tensor tensor) { in SetTensor() 277 void LazyTensor::UpdateFromTensor(at::Tensor tensor, bool sync) { in UpdateFromTensor() 288 void LazyTensor::UpdateFromTensorOut(at::Tensor tensor) { in UpdateFromTensorOut() 292 void LazyTensor::UpdateFromTensorOut(const LazyTensorPtr& tensor) { in UpdateFromTensorOut() 349 LazyTensorPtr TryGetLtcTensor(const at::Tensor& tensor) { in TryGetLtcTensor() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/shim/ |
H A D | test_util.cc | 36 void UniqueTfLiteTensor::reset(TfLiteTensor* tensor) { tensor_ = tensor; } in reset() 43 std::string TensorValueToString(const ::TfLiteTensor* tensor, in TensorValueToString() 51 std::string TensorValueToString<bool>(const ::TfLiteTensor* tensor, in TensorValueToString() 59 std::string TensorValueToStringFloat(const ::TfLiteTensor* tensor, in TensorValueToStringFloat() 70 std::string TensorValueToString<float>(const ::TfLiteTensor* tensor, in TensorValueToString() 76 std::string TensorValueToString<double>(const ::TfLiteTensor* tensor, in TensorValueToString() 82 std::string TensorValueToString<StringRef>(const ::TfLiteTensor* tensor, in TensorValueToString() 89 std::string TfliteTensorDebugStringImpl(const ::TfLiteTensor* tensor, in TfliteTensorDebugStringImpl() 161 std::string TfliteTensorDebugString(const ::TfLiteTensor* tensor, in TfliteTensorDebugString() 180 const std::initializer_list<std::string> values, TfLiteTensor* tensor) { in PopulateTfLiteTensorValue()
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/java/src/main/native/ |
H A D | tensor_jni.cc | 50 TfLiteTensor* tensor() const override { in tensor() function in tflite::InterpreterTensorHandle 68 TfLiteTensor* tensor() const override { in tensor() function in tflite::SignatureRunnerTensorHandle 97 TfLiteTensor* tensor() const { return impl_->tensor(); } in tensor() function in tflite::TensorHandle 308 int ReadMultiDimensionalStringArray(JNIEnv* env, TfLiteTensor* tensor, in ReadMultiDimensionalStringArray() 408 TfLiteTensor* tensor) { in WriteMultiDimensionalStringArray() 460 void WriteScalarString(JNIEnv* env, jobject src, TfLiteTensor* tensor) { in WriteScalarString() 527 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_TensorImpl_buffer() local 540 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_TensorImpl_writeDirectBuffer() local 570 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_TensorImpl_readMultiDimensionalArray() local 593 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_TensorImpl_writeMultiDimensionalArray() local [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/experimental/xla_sharding/ |
H A D | xla_sharding.py | 170 def split(cls, tensor, split_dimension, num_devices, input_shape=None): argument 205 def apply_to_tensor(self, argument 308 def replicate(tensor, assign_tuple_sharding=False, use_sharding_op=False): argument 315 def assign_device(tensor, argument 326 def tile(tensor, argument 348 def split(tensor, argument 371 def partial_tile(tensor, argument 410 def get_tensor_sharding(tensor): argument 448 def auto_to_manual_spmd_partition(tensor, argument 476 def manual_to_auto_spmd_partition(tensor, argument [all …]
|
/aosp_15_r20/external/pytorch/torch/nn/ |
H A D | init.py | 15 def _no_grad_uniform_(tensor, a, b, generator=None): argument 20 def _no_grad_normal_(tensor, mean, std, generator=None): argument 25 def _no_grad_trunc_normal_(tensor, mean, std, a, b, generator=None): argument 62 def _no_grad_fill_(tensor, val): argument 67 def _no_grad_zero_(tensor): argument 271 def eye_(tensor): argument 292 def dirac_(tensor, groups=1): argument 345 def _calculate_fan_in_and_fan_out(tensor): argument 446 def _calculate_correct_fan(tensor, mode): argument 575 tensor, argument [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/tpu/ |
H A D | tensor_tracer.py | 333 def trace_tensor(tensor, tracepoint_name=None): argument 812 def _snapshot_tensor(self, tensor): argument 826 def _preprocess_traced_tensor(self, tensor): argument 837 def _detect_nan_inf(tensor): argument 852 def _compute_signature(tensor, tf_op, cast_to_f32=True): argument 862 def _show_size(tensor): argument 872 def _show_max(tensor, cast_to_f32=True): argument 876 def _show_min(tensor, cast_to_f32=True): argument 880 def _show_norm(tensor, cast_to_f32=True): argument 884 def _show_sparsity(tensor, cast_to_f32=True, tolerance=1e-06): argument [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/tools/optimize/ |
H A D | quantization_utils.cc | 48 TfLiteStatus NumElements(const TensorT& tensor, uint64_t* num_elements) { in NumElements() 106 TfLiteStatus GetQuantizationParams(TensorT* tensor, TensorType activations_type, in GetQuantizationParams() 301 TfLiteStatus SymmetricPerChannelQuantization(TensorT* tensor, in SymmetricPerChannelQuantization() 360 TfLiteStatus SymmetricQuantizeFloatsToInt16(ModelT* model, TensorT* tensor, in SymmetricQuantizeFloatsToInt16() 412 TfLiteStatus SymmetricQuantizeTensorFromMinMax(ModelT* model, TensorT* tensor, in SymmetricQuantizeTensorFromMinMax() 462 TfLiteStatus SymmetricQuantizeTensor(ModelT* model, TensorT* tensor) { in SymmetricQuantizeTensor() 501 TfLiteStatus QuantizeTensorFloat16(ModelT* model, TensorT* tensor) { in QuantizeTensorFloat16() 549 ModelT* model, TensorT* tensor, in AddQuantizationParams() 572 TfLiteStatus SymmetricQuantizeTensorPerChannel(ModelT* model, TensorT* tensor, in SymmetricQuantizeTensorPerChannel() 635 TfLiteStatus SymmetricPerLayerBiasQuantize(ModelT* model, TensorT* tensor, in SymmetricPerLayerBiasQuantize() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/core/tfrt/utils/ |
H A D | fallback_tensor.h | 34 tensorflow::Tensor& tensor() { return tensor_; } in tensor() function 35 const tensorflow::Tensor& tensor() const { return tensor_; } in tensor() function 38 explicit ImmutableTensor(tensorflow::Tensor tensor) in ImmutableTensor() 54 explicit FallbackTensor(const tensorflow::Tensor& tensor) : tensor_(tensor) {} in FallbackTensor() 55 explicit FallbackTensor(tensorflow::Tensor&& tensor) in FallbackTensor() 65 tensorflow::Tensor& tensor() { in tensor() function 69 const tensorflow::Tensor& tensor() const { in tensor() function
|
/aosp_15_r20/external/ComputeLibrary/src/c/ |
H A D | AclTensor.cpp | 61 StatusCode convert_and_validate_tensor(AclTensor tensor, ITensorV2 **internal_tensor) in convert_and_validate_tensor() 86 auto tensor = ctx->create_tensor(*desc, allocate); in AclCreateTensor() local 101 auto tensor = get_internal(external_tensor); in AclMapTensor() local 122 auto tensor = get_internal(external_tensor); in AclUnmapTensor() local 134 auto tensor = get_internal(external_tensor); in AclTensorImport() local 148 auto tensor = get_internal(external_tensor); in AclDestroyTensor() local 158 extern "C" AclStatus AclGetTensorSize(AclTensor tensor, uint64_t *size) in AclGetTensorSize() 175 extern "C" AclStatus AclGetTensorDescriptor(AclTensor tensor, AclTensorDescriptor *desc) in AclGetTensorDescriptor()
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/testing/ |
H A D | tf_driver.cc | 40 int FillTensorWithData(tensorflow::Tensor* tensor, in FillTensorWithData() 57 int FillTensorWithTfLiteHexString(tensorflow::Tensor* tensor, in FillTensorWithTfLiteHexString() 75 void FillTensorWithZeros(tensorflow::Tensor* tensor) { in FillTensorWithZeros() 83 string TensorDataToCsvString(const tensorflow::Tensor& tensor) { in TensorDataToCsvString() 88 string TensorDataToTfLiteHexString(const tensorflow::Tensor& tensor) { in TensorDataToTfLiteHexString() 168 auto tensor = input_tensors_[input_names_[id]]; in ResetTensor() local 193 auto tensor = CreateTensor(input_types_[id], input_shapes_[id]); in Invoke() local 206 tensorflow::Tensor* tensor) { in SetInput() 243 string TfDriver::ReadOutput(const tensorflow::Tensor& tensor) { in ReadOutput()
|
/aosp_15_r20/external/pytorch/torch/distributed/nn/ |
H A D | functional.py | 12 def broadcast(tensor, src, group=group.WORLD): argument 32 def gather(tensor, dst=0, group=group.WORLD): argument 67 def reduce(tensor, dst, op=ReduceOp.SUM, group=group.WORLD): argument 107 def all_gather(tensor, group=group.WORLD): argument 205 def all_reduce(tensor, op=ReduceOp.SUM, group=group.WORLD): argument 228 def forward(ctx, src, group, tensor): argument 248 def forward(ctx, dst, group, tensor): argument 291 def forward(ctx, src, op, group, tensor): argument 305 def forward(ctx, op, group, tensor, *input_tensor_list): argument 320 def forward(ctx, group, tensor): argument [all …]
|