Home
last modified time | relevance | path

Searched defs:tensor (Results 1 – 25 of 1541) sorted by relevance

12345678910>>...62

/external/executorch/backends/arm/test/ops/
Dtest_batch_norm.py508 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 …]
/external/pytorch/aten/src/ATen/templates/
DFunctions.h99 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 …]
/external/pytorch/test/cpp/api/
Dtensor.cpp34 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 …]
Dtensor_cuda.cpp16 auto tensor = at::tensor({1, 2, 3}, at::device({at::kCUDA, 1})); in TEST() local
22 auto tensor = at::empty({3, 4}); in TEST() local
63 auto tensor = at::empty({3, 4}); in TEST() local
86 auto tensor = at::empty( in TEST() local
101 auto tensor = at::empty({3, 4}); in TEST() local
121 auto tensor = in TEST() local
/external/tensorflow/tensorflow/core/tfrt/utils/
Dfallback_tensor.h34 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
/external/executorch/extension/tensor/test/
Dtensor_ptr_test.cpp28 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 …]
Dtensor_ptr_maker_test.cpp27 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 …]
/external/executorch/extension/android_test/src/test/java/org/pytorch/executorch/
DTensorTest.java31 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 …]
/external/tensorflow/tensorflow/lite/kernels/shim/
Dtest_util.cc36 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()
/external/sdv/vsomeip/third_party/boost/numeric/ublas/include/boost/numeric/ublas/tensor/
Dtensor.hpp79 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 …]
/external/pytorch/tools/autograd/templates/
Dvariable_factories.h72 at::Tensor tensor = ([&]() { variable
90 at::Tensor tensor = ([&]() { variable
109 at::Tensor tensor = ([&]() { variable
125 at::Tensor tensor = ([&]() { variable
/external/ComputeLibrary/src/c/
DAclTensor.cpp61 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()
/external/pytorch/torch/csrc/api/src/nn/
Dinit.cpp41 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 …]
/external/pytorch/torch/distributed/tensor/examples/
Dvisualize_sharding_example.py17 tensor = torch.randn(4, 4) variable
28 tensor = torch.randn(4, 4) variable
42 tensor = torch.randn(4, 4) variable
54 tensor = torch.randn(4, 4) variable
66 tensor = torch.randn(4, 4) variable
/external/tensorflow/tensorflow/python/grappler/
Ddatasets_test.py96 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 …]
/external/tensorflow/tensorflow/security/advisory/
Dtfsa-2022-050.md3 ### CVE Number
6 ### Impact
9 ### Patches
14 ### For more information
Dtfsa-2021-191.md3 ### CVE Number
6 ### Impact
9 ### Patches
14 ### For more information
/external/ComputeLibrary/src/core/CPP/
DValidate.h88 const ITensor *tensor) in error_on_unsupported_cpu_fp16()
105 const ITensor *tensor) in error_on_unsupported_cpu_bf16()
112 #define ARM_COMPUTE_ERROR_ON_CPU_F16_UNSUPPORTED(tensor) \ argument
115 #define ARM_COMPUTE_RETURN_ERROR_ON_CPU_F16_UNSUPPORTED(tensor) \ argument
118 #define ARM_COMPUTE_ERROR_ON_CPU_BF16_UNSUPPORTED(tensor) \ argument
121 #define ARM_COMPUTE_RETURN_ERROR_ON_CPU_BF16_UNSUPPORTED(tensor) \ argument
/external/ComputeLibrary/utils/
DGraphUtils.cpp69 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 …]
/external/ComputeLibrary/tests/
DAssetsLibrary.h506 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 …]
/external/tensorflow/tensorflow/python/framework/
Dsubscribe.py105 def _subscribe_new(tensor, side_effects, control_cache): argument
152 def _subscribe_extend(tensor, side_effects): argument
180 def _is_subscribed_identity(tensor): argument
214 def _subscribe(tensor, side_effects, control_cache): argument
257 def _preserve_control_flow_context(tensor): argument
287 def _scoped_subscribe(tensor, side_effects, control_cache): argument
/external/tensorflow/tensorflow/lite/testing/
Dtf_driver.cc40 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()
/external/tflite-support/tensorflow_lite_support/codegen/
Dandroid_java_generator.cc350 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 …]
/external/tensorflow/tensorflow/lite/delegates/flex/
Dbuffer_map_util.cc34 inline bool ShouldReuseTensorMemory(const TfLiteTensor* tensor) { in ShouldReuseTensorMemory()
72 const TfLiteTensor* tensor, bool allow_reusing) const { in MaybeAllocateTensorflowBuffer() argument
80 TfLiteTensorBuffer::TfLiteTensorBuffer(const TfLiteTensor* tensor, in TfLiteTensorBuffer()
103 StringTfLiteTensorBuffer::StringTfLiteTensorBuffer(const TfLiteTensor* tensor) in StringTfLiteTensorBuffer()
114 StringTfLiteTensorBuffer::StringTfLiteTensorBuffer(const TfLiteTensor* tensor, in StringTfLiteTensorBuffer()
134 tensorflow::Status SetTfTensorFromTfLite(const TfLiteTensor* tensor, in SetTfTensorFromTfLite()
/external/pytorch/torch/csrc/lazy/core/
Dtensor.cpp19 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 …]

12345678910>>...62