Home
last modified time | relevance | path

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

12345678910>>...21

/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/python/framework/
Dsubscribe.py108 def _subscribe_new(tensor, side_effects, control_cache): argument
155 def _subscribe_extend(tensor, side_effects): argument
183 def _is_subscribed_identity(tensor): argument
217 def _subscribe(tensor, side_effects, control_cache): argument
260 def _preserve_control_flow_context(tensor): argument
290 def _scoped_subscribe(tensor, side_effects, control_cache): 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()
189 auto tensor = CreateTensor(input_types_[id], input_shapes_[id]); in SetInput() local
196 auto tensor = input_tensors_[input_names_[id]]; in ResetTensor() local
221 string TfDriver::ReadOutput(const tensorflow::Tensor& tensor) { in ReadOutput()
Dtflite_driver.cc80 bool IsQuantized(const TfLiteTensor& tensor) { in IsQuantized()
140 bool TypedCheck(bool verbose, const TfLiteTensor& tensor) { in TypedCheck()
180 bool CheckShape(bool verbose, const TfLiteTensor& tensor) { in CheckShape()
220 bool verbose, const TfLiteTensor& tensor) { in TypedCheckString()
259 const TfLiteTensor& tensor) { in QuantizedCheck()
284 const TfLiteTensor& tensor) { in Check()
391 auto* tensor = interpreter_->tensor(id); in ResetTensor() local
407 auto* tensor = interpreter_->tensor(id); in SetInput() local
475 auto* tensor = interpreter_->tensor(id); in SetExpectation() local
542 auto* tensor = interpreter_->tensor(id); in CheckResults() local
[all …]
/external/eigen/unsupported/test/
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_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_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/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/compiler/xla/experimental/xla_sharding/
Dxla_sharding.py93 def split(cls, tensor, split_dimension, num_devices): argument
124 def apply_to_tensor(self, tensor, assign_tuple_sharding=False): argument
175 def replicate(tensor, assign_tuple_sharding=False, use_sharding_op=False): argument
184 def assign_device(tensor, argument
198 def tile(tensor, argument
220 def split(tensor, argument
/external/tensorflow/tensorflow/lite/
Darena_planner.cc26 int tensor; member
68 TfLiteTensor& tensor = *graph_info_->tensor(i); in ResetAllocationsAfter() local
95 int tensor) -> TfLiteStatus { in PlanAllocations()
106 int node, int tensor) -> TfLiteStatus { in PlanAllocations()
229 TfLiteTensor& tensor = *graph_info_->tensor(i); in ReleaseNonPersistentMemory() local
242 TfLiteTensor& tensor = *graph_info_->tensor(i); in AcquireNonPersistentMemory() local
301 TfLiteTensor& tensor = *graph_info_->tensor(tensor_index); in ResolveTensorAllocation() local
319 TfLiteTensor& tensor = *graph_info_->tensor(tensor_index); in CalculateTensorAllocation() local
334 TfLiteTensor& tensor = *graph_info_->tensor(tensor_index); in CalculateTensorDeallocation() local
/external/tensorflow/tensorflow/lite/c/
Dc_api.cc183 TfLiteType TfLiteTensorType(const TfLiteTensor* tensor) { return tensor->type; } in TfLiteTensorType()
185 int32_t TfLiteTensorNumDims(const TfLiteTensor* tensor) { in TfLiteTensorNumDims()
189 int32_t TfLiteTensorDim(const TfLiteTensor* tensor, int32_t dim_index) { in TfLiteTensorDim()
193 size_t TfLiteTensorByteSize(const TfLiteTensor* tensor) { in TfLiteTensorByteSize()
197 void* TfLiteTensorData(const TfLiteTensor* tensor) { in TfLiteTensorData()
201 const char* TfLiteTensorName(const TfLiteTensor* tensor) { in TfLiteTensorName()
206 const TfLiteTensor* tensor) { in TfLiteTensorQuantizationParams()
210 TfLiteStatus TfLiteTensorCopyFromBuffer(TfLiteTensor* tensor, in TfLiteTensorCopyFromBuffer()
220 TfLiteStatus TfLiteTensorCopyToBuffer(const TfLiteTensor* tensor, in TfLiteTensorCopyToBuffer()
/external/tensorflow/tensorflow/python/ops/
Dlinalg_ops.py372 def eig(tensor, name=None): argument
402 def eigvals(tensor, name=None): argument
429 def self_adjoint_eig(tensor, name=None): argument
452 def self_adjoint_eigvals(tensor, name=None): argument
475 def svd(tensor, full_matrices=False, compute_uv=True, name=None): argument
545 def norm_v2(tensor, argument
618 def norm(tensor, argument
/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()
152 void BufferMap::SetFromTfLite(int tensor_index, const TfLiteTensor* tensor) { in SetFromTfLite()
176 void BufferMap::SetFromTensorFlow(int tensor_index, tensorflow::Tensor tensor) { in SetFromTensorFlow()
/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
90 for (const Tensor& tensor : tensors) { in Concat() local
106 for (const Tensor& tensor : tensors) { in Concat() local
120 Status Split(const Tensor& tensor, const gtl::ArraySlice<int64>& sizes, in Split()
192 const TensorShape& shape, TensorProto* tensor) { in CompressTensorContent()
271 const TensorShape& shape, TensorProto* tensor) { in CompressRepeatedField()
316 TensorProto* tensor) { in CompressTensorProtoInPlaceImpl()
341 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/compiler/jit/
Dxla_tensor.cc21 /*static*/ XlaTensor* XlaTensor::FromTensor(const Tensor* tensor) { in FromTensor()
30 /*static*/ bool XlaTensor::RefCountIsOne(const Tensor& tensor) { in RefCountIsOne()
35 const Tensor& tensor) { in DeviceMemoryFromTensor()
126 /*static*/ void* XlaTensor::ToOpaquePointer(XlaTensor* tensor) { in ToOpaquePointer()
/external/tensorflow/tensorflow/lite/tools/optimize/
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
Dquantization_utils.cc43 TfLiteStatus NumElements(const TensorT& tensor, uint64_t* num_elements) { in NumElements()
246 TfLiteStatus SymmetricPerChannelQuantization(TensorT* tensor, in SymmetricPerChannelQuantization()
288 TfLiteStatus SymmetricQuantizeFloatsToInt16(ModelT* model, TensorT* tensor, in SymmetricQuantizeFloatsToInt16()
348 TfLiteStatus SymmetricQuantizeTensorFromMinMax(ModelT* model, TensorT* tensor, in SymmetricQuantizeTensorFromMinMax()
396 TfLiteStatus SymmetricQuantizeTensor(ModelT* model, TensorT* tensor) { in SymmetricQuantizeTensor()
435 TfLiteStatus QuantizeTensorFloat16(ModelT* model, TensorT* tensor) { in QuantizeTensorFloat16()
478 ModelT* model, TensorT* tensor, in AddQuantizationParams()
500 TfLiteStatus SymmetricQuantizeTensorPerChannel(ModelT* model, TensorT* tensor, in SymmetricQuantizeTensorPerChannel()
539 TfLiteStatus SymmetricPerLayerBiasQuantize(ModelT* model, TensorT* tensor, in SymmetricPerLayerBiasQuantize()
570 TfLiteStatus SymmetricPerChannelBiasQuantize(ModelT* model, TensorT* tensor, in SymmetricPerChannelBiasQuantize()
[all …]
/external/tensorflow/tensorflow/python/tpu/
Dtensor_tracer.py182 def tensor_tracepoint(tensor, checkpoint_name): argument
587 def _snapshot_tensor(self, tensor): argument
601 def _preprocess_traced_tensor(self, tensor): argument
612 def _detect_nan_inf(tensor): argument
627 def _compute_signature(tensor, tf_op, cast_to_f32=True): argument
637 def _show_size(tensor): argument
647 def _show_max(tensor, cast_to_f32=True): argument
651 def _show_min(tensor, cast_to_f32=True): argument
655 def _show_norm(tensor, cast_to_f32=True): argument
659 def _show_mean_and_variance(tensor, cast_to_f32=True): argument
[all …]
/external/tensorflow/tensorflow/lite/java/src/main/native/
Dtensor_jni.cc43 TfLiteTensor* tensor() const { return interpreter_->tensor(tensor_index_); } in tensor() function in __anon5574315e0111::TensorHandle
211 int ReadMultiDimensionalStringArray(JNIEnv* env, TfLiteTensor* tensor, in ReadMultiDimensionalStringArray()
296 TfLiteTensor* tensor) { in WriteMultiDimensionalStringArray()
326 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_buffer() local
339 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_writeDirectBuffer() local
357 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_readMultiDimensionalArray() local
380 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_writeMultiDimensionalArray() local
403 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_dtype() local
411 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_name() local
431 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_shape() local
[all …]
/external/tensorflow/tensorflow/lite/python/interpreter_wrapper/
Dinterpreter_wrapper.cc267 const TfLiteTensor* tensor = interpreter_->tensor(i); in TensorName() local
275 const TfLiteTensor* tensor = interpreter_->tensor(i); in TensorType() local
293 const TfLiteTensor* tensor = interpreter_->tensor(i); in TensorSize() local
308 const TfLiteTensor* tensor = interpreter_->tensor(i); in TensorSizeSignature() local
324 const TfLiteTensor* tensor = interpreter_->tensor(i); in TensorQuantization() local
331 const TfLiteTensor* tensor = interpreter_->tensor(i); in TensorQuantizationParameters() local
375 TfLiteTensor* tensor = interpreter_->tensor(i); in SetTensor() local
485 int tensor_index, TfLiteTensor** tensor, in CheckGetTensorArgs()
516 TfLiteTensor* tensor = nullptr; in GetTensor() local
573 PyObject* InterpreterWrapper::tensor(PyObject* base_object, int i) { in tensor() function in tflite::interpreter_wrapper::InterpreterWrapper
[all …]
/external/tensorflow/tensorflow/lite/micro/
Dmicro_allocator_test.cc30 void VerifyMockTensor(TfLiteTensor* tensor, bool is_variable = false) { in VerifyMockTensor()
42 void VerifyMockWeightTensor(TfLiteTensor* tensor) { in VerifyMockWeightTensor()
73 const tflite::Tensor* tensor = tflite::testing::Create1dFlatbufferTensor(100); in TF_LITE_MICRO_TEST() local
97 const tflite::Tensor* tensor = in TF_LITE_MICRO_TEST() local
122 const tflite::Tensor* tensor = in TF_LITE_MICRO_TEST() local
/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

12345678910>>...21