Home
last modified time | relevance | path

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

12345678910>>...37

/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/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()
Dtest_util.h30 explicit UniqueTfLiteTensor(TfLiteTensor* tensor) : tensor_(tensor) {} in UniqueTfLiteTensor()
67 TfLiteTensor* tensor) { in ReallocDynamicTensor()
85 TfLiteTensor* tensor) { in PopulateTfLiteTensorValue()
100 TfLiteTensor* tensor) { in PopulateTfLiteTensor()
/external/tensorflow/tensorflow/python/grappler/
Ddatasets_test.py100 def make_generator(tensor): argument
164 def fn(dataset, tensor, shape): argument
172 def fn(dataset, tensor, shape): argument
180 def fn(dataset, tensor, shape): argument
188 def fn(dataset, tensor, shape): argument
196 def fn(dataset, tensor, shape): argument
204 def fn(dataset, tensor, shape): argument
212 def fn(dataset, tensor, shape): argument
220 def fn(dataset, tensor, shape): argument
228 def fn(dataset, tensor, shape): argument
[all …]
/external/ComputeLibrary/src/core/CPP/
DValidate.h81 const ITensor *tensor) in error_on_unsupported_cpu_fp16()
98 const ITensor *tensor) in error_on_unsupported_cpu_bf16()
105 #define ARM_COMPUTE_ERROR_ON_CPU_F16_UNSUPPORTED(tensor) \ argument
108 #define ARM_COMPUTE_RETURN_ERROR_ON_CPU_F16_UNSUPPORTED(tensor) \ argument
111 #define ARM_COMPUTE_ERROR_ON_CPU_BF16_UNSUPPORTED(tensor) \ argument
114 #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()
165 bool DummyAccessor::access_tensor(ITensor &tensor) in access_tensor()
195 void NumPyAccessor::access_numpy_tensor(ITensor &tensor, T tolerance) in access_numpy_tensor()
206 bool NumPyAccessor::access_tensor(ITensor &tensor) in access_tensor()
232 bool PrintAccessor::access_tensor(ITensor &tensor) in access_tensor()
244 bool SaveNumPyAccessor::access_tensor(ITensor &tensor) in access_tensor()
[all …]
DUtils.h216 inline void map(T &tensor, bool blocking) in map()
227 inline void unmap(T &tensor) in unmap()
238 inline void map(CLTensor &tensor, bool blocking) in map()
247 inline void unmap(CLTensor &tensor) in unmap()
278 inline void map(GCTensor &tensor, bool blocking) in map()
287 inline void unmap(GCTensor &tensor) in unmap()
380 void init_tensor(T &tensor, arm_compute::DataType dt) in init_tensor()
409 void fill_tensor(T &tensor) in fill_tensor()
550 void save_to_ppm(T &tensor, const std::string &ppm_filename) in save_to_ppm()
630 void save_to_npy(T &tensor, const std::string &npy_filename, bool fortran_order) in save_to_npy()
[all …]
/external/tensorflow/tensorflow/compiler/xla/experimental/xla_sharding/
Dxla_sharding.py129 def split(cls, tensor, split_dimension, num_devices, input_shape=None): argument
164 def apply_to_tensor(self, argument
261 def replicate(tensor, assign_tuple_sharding=False, use_sharding_op=False): argument
268 def assign_device(tensor, argument
279 def tile(tensor, argument
298 def split(tensor, argument
321 def partial_tile(tensor, tile_assignment, use_sharding_op=False): argument
354 def get_tensor_sharding(tensor): argument
392 def auto_to_manual_spmd_partition(tensor, manual_sharding): argument
411 def manual_to_auto_spmd_partition(tensor, manual_sharding, full_shape): argument
[all …]
Dxla_sharding_test.py66 def replicate_helper(tensor): argument
83 def tile_helper(tensor): argument
101 def split_helper(tensor): argument
119 def split_helper(tensor): argument
135 def copy_helper(tensor): argument
/external/tensorflow/tensorflow/lite/testing/
Dtf_driver.cc39 int FillTensorWithData(tensorflow::Tensor* tensor, in FillTensorWithData()
56 int FillTensorWithTfLiteHexString(tensorflow::Tensor* tensor, in FillTensorWithTfLiteHexString()
74 void FillTensorWithZeros(tensorflow::Tensor* tensor) { in FillTensorWithZeros()
82 string TensorDataToCsvString(const tensorflow::Tensor& tensor) { in TensorDataToCsvString()
87 string TensorDataToTfLiteHexString(const tensorflow::Tensor& tensor) { in TensorDataToTfLiteHexString()
154 tensorflow::Tensor* tensor) { in SetInput()
193 auto tensor = CreateTensor(input_types_[id], input_shapes_[id]); in SetInput() local
200 auto tensor = input_tensors_[input_names_[id]]; in ResetTensor() local
225 string TfDriver::ReadOutput(const tensorflow::Tensor& tensor) { in ReadOutput()
Dtflite_driver.cc83 bool InterpretAsQuantized(const TfLiteTensor& tensor) { in InterpretAsQuantized()
181 bool TypedCheck(bool verbose, const TfLiteTensor& tensor) { in TypedCheck()
221 bool CheckShape(bool verbose, const TfLiteTensor& tensor) { in CheckShape()
261 bool verbose, const TfLiteTensor& tensor) { in TypedCheckString()
300 const TfLiteTensor& tensor) { in QuantizedCheck()
334 const TfLiteTensor& tensor) { in Check()
477 auto* tensor = interpreter_->tensor(id); in ResetTensor() local
493 auto* tensor = interpreter_->tensor(id); in SetInput() local
594 auto* tensor = interpreter_->tensor(id); in SetExpectation() local
676 auto* tensor = interpreter_->tensor(id); in CheckResults() local
[all …]
/external/ComputeLibrary/tests/
DAssetsLibrary.h505 void AssetsLibrary::fill_borders_with_garbage(T &&tensor, D &&distribution, std::random_device::res… in fill_borders_with_garbage()
534 void AssetsLibrary::fill_boxes(T &&tensor, D &&distribution, std::random_device::result_type seed_o… in fill_boxes()
584 void AssetsLibrary::fill_with_generator(T &&tensor, const GeneratorFunctionType<ResultType> &genera… in fill_with_generator()
619 void AssetsLibrary::fill(T &&tensor, D &&distribution, std::random_device::result_type seed_offset)… in fill()
635 void AssetsLibrary::fill_static_values(T &&tensor, const std::vector<DataType> &values) const in fill_static_values()
669 void AssetsLibrary::fill(T &&tensor, const std::string &name, Format format) const in fill()
684 void AssetsLibrary::fill(T &&tensor, const std::string &name, Channel channel) const in fill()
690 void AssetsLibrary::fill(T &&tensor, const std::string &name, Format format, Channel channel) const in fill()
705 void AssetsLibrary::fill(T &&tensor, RawTensor raw) const in fill()
718 void AssetsLibrary::fill_tensor_uniform(T &&tensor, std::random_device::result_type seed_offset) co… in fill_tensor_uniform()
[all …]
/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/python/framework/
Dsubscribe.py109 def _subscribe_new(tensor, side_effects, control_cache): argument
156 def _subscribe_extend(tensor, side_effects): argument
184 def _is_subscribed_identity(tensor): argument
218 def _subscribe(tensor, side_effects, control_cache): argument
261 def _preserve_control_flow_context(tensor): argument
291 def _scoped_subscribe(tensor, side_effects, control_cache): argument
/external/eigen/unsupported/test/
Dcxx11_tensor_argmax.cpp22 Tensor<float, 4, DataLayout> tensor(2,3,5,7); in test_simple_index_tuples() local
39 Tensor<float, 4, DataLayout> tensor(2,3,5,7); in test_index_tuples_dim() local
57 Tensor<float, 4, DataLayout> tensor(2,3,5,7); in test_argmax_tuple_reducer() local
89 Tensor<float, 4, DataLayout> tensor(2,3,5,7); in test_argmin_tuple_reducer() local
121 Tensor<float, 4, DataLayout> tensor(2,3,5,7); in test_simple_argmax() local
142 Tensor<float, 4, DataLayout> tensor(2,3,5,7); in test_simple_argmin() local
163 Tensor<float, 4, DataLayout> tensor(2,3,5,7); in test_argmax_dim() local
221 Tensor<float, 4, DataLayout> tensor(2,3,5,7); in test_argmin_dim() local
Dcxx11_tensor_custom_index.cpp24 Tensor<float, 4, DataLayout> tensor(2, 3, 5, 7); in test_map_as_index() local
46 Tensor<float, 4, DataLayout> tensor(2, 3, 5, 7); in test_matrix_as_index() local
64 Tensor<float, 4, DataLayout> tensor(2, 3, 5, 7); in test_varlist_as_index() local
79 Tensor<float, 4, DataLayout> tensor(2, 3, 5, 7); in test_sizes_as_index() local
Dcxx11_tensor_io.cpp19 Tensor<int, 0, DataLayout> tensor; in test_output_0d() local
33 Tensor<int, 1, DataLayout> tensor(5); in test_output_1d() local
55 Tensor<int, 2, DataLayout> tensor(5, 3); in test_output_2d() local
91 Tensor<std::string, 2, DataLayout> tensor(5, 3); in test_output_string() local
107 Tensor<int, 1, DataLayout> tensor(5); in test_output_const() local
Dcxx11_tensor_broadcasting.cpp19 Tensor<float, 4, DataLayout> tensor(2,3,5,7); in test_simple_broadcasting() local
72 Tensor<float, 3, DataLayout> tensor(8,3,5); in test_vectorized_broadcasting() local
124 Tensor<float, 3, DataLayout> tensor(8,3,5); in test_static_broadcasting() local
204 Tensor<float, 4, DataLayout> tensor(1,13,5,7); in test_simple_broadcasting_one_by_n() local
233 Tensor<float, 4, DataLayout> tensor(7,3,5,1); in test_simple_broadcasting_n_by_one() local
262 Tensor<float, 3, DataLayout> tensor(1,7,1); in test_simple_broadcasting_one_by_n_by_one_1d() local
287 Tensor<float, 4, DataLayout> tensor(1,7,13,1); in test_simple_broadcasting_one_by_n_by_one_2d() local
/external/tensorflow/tensorflow/lite/
Dsimple_planner.cc57 TfLiteTensor& tensor = *graph_info_->tensor(i); in ResetAllocationsAfter() local
78 auto allocate = [this](int node, int tensor) -> TfLiteStatus { in PlanAllocations()
88 auto deallocate = [this](int node, int tensor) -> TfLiteStatus { in PlanAllocations()
191 TfLiteTensor& tensor = *graph_info_->tensor(i); in ExecuteAllocations() local
214 TfLiteTensor& tensor = *graph_info_->tensor(i); in ReleaseNonPersistentMemory() local
226 TfLiteTensor& tensor = *graph_info_->tensor(i); in AcquireNonPersistentMemory() local
235 TfLiteTensor& tensor = *graph_info_->tensor(tensor_index); in ResolveTensorAllocation() local
Darena_planner.cc70 TfLiteTensor& tensor = *graph_info_->tensor(i); in ResetAllocationsAfter() local
92 auto allocate = [this](int node, int tensor) -> TfLiteStatus { in PlanAllocations()
102 auto deallocate = [this](int node, int tensor) -> TfLiteStatus { in PlanAllocations()
227 TfLiteTensor& tensor = *graph_info_->tensor(i); in ReleaseNonPersistentMemory() local
240 TfLiteTensor& tensor = *graph_info_->tensor(i); in AcquireNonPersistentMemory() local
312 TfLiteTensor& tensor = *graph_info_->tensor(tensor_index); in CalculateAllocations() local
321 TfLiteTensor& tensor = *graph_info_->tensor(tensor_index); in CalculateAllocations() local
342 TfLiteTensor& tensor = *graph_info_->tensor(tensor_index); in ResolveTensorAllocation() local
/external/tflite-support/tensorflow_lite_support/cc/task/core/
Dtask_utils.h50 T* AssertAndReturnTypedTensor(const TfLiteTensor* tensor) { in AssertAndReturnTypedTensor()
65 TfLiteTensor* tensor) { in PopulateTensor()
76 inline void PopulateTensor(const std::vector<T>& data, TfLiteTensor* tensor) { in PopulateTensor()
99 inline void PopulateTensor(const T& data, TfLiteTensor* tensor) { in PopulateTensor()
115 inline void PopulateVector(const TfLiteTensor* tensor, std::vector<T>* data) { in PopulateVector()
/external/tensorflow/tensorflow/core/runtime_fallback/runtime/
Dconversion_function.cc41 const RuntimeFallbackTensor &tensor, const tfrt::CpuDevice &src, in ConvertRuntimeFallbackTensorToDenseHostTensor()
66 const RuntimeFallbackTensor &tensor, const tfrt::Device &src, in ConvertRuntimeFallbackTensorToStringHostTensor()
96 const tfrt::AnyScalarHostTensor &tensor, const tfrt::CpuDevice &src, in ConvertScalarHostTensorToRuntimeFallbackTensor()
114 const tfrt::DenseHostTensor &tensor, const tfrt::CpuDevice &src, in ConvertDenseHostTensorToRuntimeFallbackTensor()
125 const tfrt::StringHostTensor &tensor, const tfrt::CpuDevice &src, in ConvertStringHostTensorToRuntimeFallbackTensor()
134 TransferRuntimeFallbackToAnotherDevice(const RuntimeFallbackTensor &tensor, in TransferRuntimeFallbackToAnotherDevice()
/external/tensorflow/tensorflow/lite/kernels/internal/
Dtensor_ctypes.h24 inline T* GetTensorData(TfLiteTensor* tensor) { in GetTensorData()
29 inline const T* GetTensorData(const TfLiteTensor* tensor) { in GetTensorData()
34 inline RuntimeShape GetTensorShape(const TfLiteTensor* tensor) { in GetTensorShape()
/external/tensorflow/tensorflow/python/ops/
Dlinalg_ops.py384 def eig(tensor, name=None): argument
415 def eigvals(tensor, name=None): argument
443 def self_adjoint_eig(tensor, name=None): argument
467 def self_adjoint_eigvals(tensor, name=None): argument
491 def svd(tensor, full_matrices=False, compute_uv=True, name=None): argument
562 def norm_v2(tensor, argument
636 def norm(tensor, argument
/external/tensorflow/tensorflow/lite/c/
Dc_api.cc186 TfLiteType TfLiteTensorType(const TfLiteTensor* tensor) { return tensor->type; } in TfLiteTensorType()
188 int32_t TfLiteTensorNumDims(const TfLiteTensor* tensor) { in TfLiteTensorNumDims()
192 int32_t TfLiteTensorDim(const TfLiteTensor* tensor, int32_t dim_index) { in TfLiteTensorDim()
196 size_t TfLiteTensorByteSize(const TfLiteTensor* tensor) { in TfLiteTensorByteSize()
200 void* TfLiteTensorData(const TfLiteTensor* tensor) { return tensor->data.raw; } in TfLiteTensorData()
202 const char* TfLiteTensorName(const TfLiteTensor* tensor) { in TfLiteTensorName()
207 const TfLiteTensor* tensor) { in TfLiteTensorQuantizationParams()
211 TfLiteStatus TfLiteTensorCopyFromBuffer(TfLiteTensor* tensor, in TfLiteTensorCopyFromBuffer()
221 TfLiteStatus TfLiteTensorCopyToBuffer(const TfLiteTensor* tensor, in TfLiteTensorCopyToBuffer()

12345678910>>...37