Home
last modified time | relevance | path

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

12345678910>>...26

/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/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
370 def auto_to_manual_spmd_partition(tensor, manual_sharding): argument
389 def manual_to_auto_spmd_partition(tensor, manual_sharding, full_shape): argument
[all …]
/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()
173 bool TypedCheck(bool verbose, const TfLiteTensor& tensor) { in TypedCheck()
213 bool CheckShape(bool verbose, const TfLiteTensor& tensor) { in CheckShape()
253 bool verbose, const TfLiteTensor& tensor) { in TypedCheckString()
292 const TfLiteTensor& tensor) { in QuantizedCheck()
326 const TfLiteTensor& tensor) { in Check()
460 auto* tensor = interpreter_->tensor(id); in ResetTensor() local
476 auto* tensor = interpreter_->tensor(id); in SetInput() local
577 auto* tensor = interpreter_->tensor(id); in SetExpectation() local
659 auto* tensor = interpreter_->tensor(id); in CheckResults() 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/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/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_ifft.cpp19 Tensor<double, 1, DataLayout> tensor(sequence_length); in test_1D_fft_ifft_invariant() local
41 Tensor<double, 2, DataLayout> tensor(dim0, dim1); in test_2D_fft_ifft_invariant() local
69 Tensor<double, 3, DataLayout> tensor(dim0, dim1, dim2); in test_3D_fft_ifft_invariant() local
101 Tensor<double, 4, DataLayout> tensor(dim0, dim1, dim2, dim3); in test_sub_fft_ifft_invariant() local
/external/tensorflow/tensorflow/lite/delegates/flex/
Dbuffer_map.cc66 explicit TfLiteTensorBuffer(const TfLiteTensor* tensor) in TfLiteTensorBuffer()
96 explicit StringTfLiteTensorBuffer(const TfLiteTensor* tensor) in StringTfLiteTensorBuffer()
112 StringTfLiteTensorBuffer(const TfLiteTensor* tensor, int num_strings) in StringTfLiteTensorBuffer()
153 auto& tensor = id_to_tensor_.at(tensor_index); in GetTensorPtr() local
157 void BufferMap::SetFromTfLite(int tensor_index, const TfLiteTensor* tensor) { in SetFromTfLite()
181 void BufferMap::SetFromTensorFlow(int tensor_index, tensorflow::Tensor tensor) { in SetFromTensorFlow()
/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/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/lite/
Darena_planner.cc72 TfLiteTensor& tensor = *graph_info_->tensor(i); in ResetAllocationsAfter() local
94 auto allocate = [this](int node, int tensor) -> TfLiteStatus { in PlanAllocations()
104 auto deallocate = [this](int node, int tensor) -> TfLiteStatus { in PlanAllocations()
231 TfLiteTensor& tensor = *graph_info_->tensor(i); in ReleaseNonPersistentMemory() local
244 TfLiteTensor& tensor = *graph_info_->tensor(i); in AcquireNonPersistentMemory() local
310 TfLiteTensor& tensor = *graph_info_->tensor(tensor_index); in CalculateAllocations() local
319 TfLiteTensor& tensor = *graph_info_->tensor(tensor_index); in CalculateAllocations() local
340 TfLiteTensor& tensor = *graph_info_->tensor(tensor_index); in ResolveTensorAllocation() local
/external/tensorflow/tensorflow/lite/java/src/main/native/
Dtensor_jni.cc46 TfLiteTensor* tensor() const { return interpreter_->tensor(tensor_index_); } in tensor() function in __anon048272ba0111::TensorHandle
235 int ReadMultiDimensionalStringArray(JNIEnv* env, TfLiteTensor* tensor, in ReadMultiDimensionalStringArray()
335 TfLiteTensor* tensor) { in WriteMultiDimensionalStringArray()
386 void WriteScalarString(JNIEnv* env, jobject src, TfLiteTensor* tensor) { in WriteScalarString()
413 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_buffer() local
426 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_writeDirectBuffer() local
456 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_readMultiDimensionalArray() local
479 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_writeMultiDimensionalArray() local
501 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_writeScalar() local
524 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_dtype() local
[all …]
/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()
/external/tensorflow/tensorflow/lite/testing/nnapi_tflite_zip_tests/
Dtflite_driver.cc89 bool TypedCheck(bool verbose, const TfLiteTensor& tensor) { in TypedCheck()
138 const TfLiteTensor& tensor) { in TypedCheck()
177 const TfLiteTensor& tensor) { in Check()
257 auto* tensor = interpreter_->tensor(id); in ResetTensor() local
273 auto* tensor = interpreter_->tensor(id); in SetInput() local
317 auto* tensor = interpreter_->tensor(id); in SetExpectation() local
364 auto* tensor = interpreter_->tensor(id); in CheckResults() local
385 auto* tensor = interpreter_->tensor(id); in ReadOutput() local
/external/tensorflow/tensorflow/core/framework/
Dtensor_util.cc31 namespace tensor { namespace
64 for (const Tensor& tensor : tensors) { in Concat() local
92 for (const Tensor& tensor : tensors) { in Concat() local
108 for (const Tensor& tensor : tensors) { in Concat() local
122 Status Split(const Tensor& tensor, const gtl::ArraySlice<int64>& sizes, in Split()
194 const TensorShape& shape, TensorProto* tensor) { in CompressTensorContent()
273 const TensorShape& shape, TensorProto* tensor) { in CompressRepeatedField()
318 TensorProto* tensor) { in CompressTensorProtoInPlaceImpl()
343 TensorProto* tensor) { in CompressTensorProtoInPlace()
Dtensor_testutil.h57 void FillValues(Tensor* tensor, gtl::ArraySlice<T> vals) { in FillValues()
67 void FillValues(Tensor* tensor, std::initializer_list<SrcType> vals) { in FillValues()
82 void FillIota(Tensor* tensor, const T& val) { in FillIota()
91 void FillFn(Tensor* tensor, std::function<T(int)> fn) { in FillFn()
/external/tensorflow/tensorflow/lite/kernels/
Dkernel_util.h178 inline bool IsConstantTensor(const TfLiteTensor* tensor) { in IsConstantTensor()
184 inline bool IsDynamicTensor(const TfLiteTensor* tensor) { in IsDynamicTensor()
189 inline void SetTensorToDynamic(TfLiteTensor* tensor) { in SetTensorToDynamic()
197 inline void SetTensorToPersistentRo(TfLiteTensor* tensor) { in SetTensorToPersistentRo()
/external/tensorflow/tensorflow/lite/experimental/examples/unity/TensorFlowLitePlugin/Assets/TensorFlowLite/SDK/Scripts/
DInterpreter.cs143 private static string GetTensorName(TfLiteTensor tensor) { in GetTensorName()
147 private static TensorInfo GetTensorInfo(TfLiteTensor tensor) { in GetTensorInfo()
257 private static extern unsafe DataType TfLiteTensorType(TfLiteTensor tensor); in TfLiteTensorType()
260 private static extern unsafe int TfLiteTensorNumDims(TfLiteTensor tensor); in TfLiteTensorNumDims()
263 private static extern int TfLiteTensorDim(TfLiteTensor tensor, int dim_index); in TfLiteTensorDim()
266 private static extern uint TfLiteTensorByteSize(TfLiteTensor tensor); in TfLiteTensorByteSize()
269 private static extern unsafe IntPtr TfLiteTensorName(TfLiteTensor tensor); in TfLiteTensorName()
272 …rivate static extern unsafe QuantizationParams TfLiteTensorQuantizationParams(TfLiteTensor tensor); in TfLiteTensorQuantizationParams()
276 TfLiteTensor tensor, in TfLiteTensorCopyFromBuffer()
282 TfLiteTensor tensor, in TfLiteTensorCopyToBuffer()
/external/tensorflow/tensorflow/python/summary/
Dsummary.py58 def scalar(name, tensor, collections=None, family=None): argument
88 def image(name, tensor, max_outputs=3, collections=None, family=None): argument
185 def audio(name, tensor, sample_rate, max_outputs=3, collections=None, argument
234 def text(name, tensor, collections=None): argument
275 def tensor_summary(name, argument
/external/tensorflow/tensorflow/lite/tools/optimize/
Dquantization_utils.cc44 TfLiteStatus NumElements(const TensorT& tensor, uint64_t* num_elements) { in NumElements()
102 TfLiteStatus GetQuantizationParams(TensorT* tensor, TensorType activations_type, in GetQuantizationParams()
291 TfLiteStatus SymmetricPerChannelQuantization(TensorT* tensor, in SymmetricPerChannelQuantization()
350 TfLiteStatus SymmetricQuantizeFloatsToInt16(ModelT* model, TensorT* tensor, in SymmetricQuantizeFloatsToInt16()
399 TfLiteStatus SymmetricQuantizeTensorFromMinMax(ModelT* model, TensorT* tensor, in SymmetricQuantizeTensorFromMinMax()
449 TfLiteStatus SymmetricQuantizeTensor(ModelT* model, TensorT* tensor) { in SymmetricQuantizeTensor()
488 TfLiteStatus QuantizeTensorFloat16(ModelT* model, TensorT* tensor) { in QuantizeTensorFloat16()
536 ModelT* model, TensorT* tensor, in AddQuantizationParams()
559 TfLiteStatus SymmetricQuantizeTensorPerChannel(ModelT* model, TensorT* tensor, in SymmetricQuantizeTensorPerChannel()
622 TfLiteStatus SymmetricPerLayerBiasQuantize(ModelT* model, TensorT* tensor, in SymmetricPerLayerBiasQuantize()
[all …]
Dmodel_utils_test.cc34 TensorT tensor; in TEST() local
47 auto tensor = absl::make_unique<tflite::TensorT>(); in TEST() local
59 TensorT tensor; in TEST() local

12345678910>>...26