Home
last modified time | relevance | path

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

12345678910>>...19

/external/tensorflow/tensorflow/lite/kernels/internal/
Dtensor_ctypes.h27 inline float* GetTensorData(TfLiteTensor* tensor) { in GetTensorData()
32 inline uint8_t* GetTensorData(TfLiteTensor* tensor) { in GetTensorData()
37 inline int16_t* GetTensorData(TfLiteTensor* tensor) { in GetTensorData()
42 inline int32_t* GetTensorData(TfLiteTensor* tensor) { in GetTensorData()
47 inline int64_t* GetTensorData(TfLiteTensor* tensor) { in GetTensorData()
52 inline bool* GetTensorData(TfLiteTensor* tensor) { in GetTensorData()
57 inline int8_t* GetTensorData(TfLiteTensor* tensor) { in GetTensorData()
65 inline const float* GetTensorData(const TfLiteTensor* tensor) { in GetTensorData()
70 inline const uint8_t* GetTensorData(const TfLiteTensor* tensor) { in GetTensorData()
75 inline const int8_t* GetTensorData(const TfLiteTensor* tensor) { in GetTensorData()
[all …]
/external/tensorflow/tensorflow/python/grappler/
Ddatasets_test.py100 def make_generator(tensor): argument
163 def fn(dataset, tensor, shape): argument
171 def fn(dataset, tensor, shape): argument
179 def fn(dataset, tensor, shape): argument
187 def fn(dataset, tensor, shape): argument
195 def fn(dataset, tensor, shape): argument
203 def fn(dataset, tensor, shape): argument
211 def fn(dataset, tensor, shape): argument
219 def fn(dataset, tensor, shape): argument
227 def fn(dataset, tensor, shape): argument
[all …]
/external/tensorflow/tensorflow/python/framework/
Dsubscribe.py105 def _subscribe_new(tensor, side_effects, control_cache): argument
151 def _subscribe_extend(tensor, side_effects): argument
178 def _is_subscribed_identity(tensor): argument
211 def _subscribe(tensor, side_effects, control_cache): argument
253 def _preserve_control_flow_context(tensor): argument
283 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.cc87 bool TypedCheck(bool verbose, const TfLiteTensor& tensor) { in TypedCheck()
138 const TfLiteTensor& tensor) { in TypedCheck()
177 const TfLiteTensor& tensor) { in Check()
256 auto* tensor = interpreter_->tensor(id); in ResetTensor() local
272 auto* tensor = interpreter_->tensor(id); in SetInput() local
323 auto* tensor = interpreter_->tensor(id); in SetExpectation() local
367 auto* tensor = interpreter_->tensor(id); in CheckResults() local
388 auto* tensor = interpreter_->tensor(id); in ReadOutput() local
/external/tensorflow/tensorflow/compiler/xla/experimental/xla_sharding/
Dxla_sharding.py92 def split(cls, tensor, split_dimension, num_devices): argument
123 def apply_to_tensor(self, tensor): argument
169 def replicate(tensor): argument
174 def assign_device(tensor, device): argument
179 def tile(tensor, tile_assignment): argument
184 def split(tensor, split_dimension, num_devices): 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_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/experimental/c/
Dc_api.cc166 TFL_Type TFL_TensorType(const TFL_Tensor* tensor) { return tensor->type; } in TFL_TensorType()
168 int32_t TFL_TensorNumDims(const TFL_Tensor* tensor) { in TFL_TensorNumDims()
172 int32_t TFL_TensorDim(const TFL_Tensor* tensor, int32_t dim_index) { in TFL_TensorDim()
176 size_t TFL_TensorByteSize(const TFL_Tensor* tensor) { return tensor->bytes; } in TFL_TensorByteSize()
178 void* TFL_TensorData(const TFL_Tensor* tensor) { in TFL_TensorData()
182 const char* TFL_TensorName(const TFL_Tensor* tensor) { return tensor->name; } in TFL_TensorName()
184 TFL_QuantizationParams TFL_TensorQuantizationParams(const TFL_Tensor* tensor) { in TFL_TensorQuantizationParams()
188 TFL_Status TFL_TensorCopyFromBuffer(TFL_Tensor* tensor, const void* input_data, in TFL_TensorCopyFromBuffer()
197 TFL_Status TFL_TensorCopyToBuffer(const TFL_Tensor* tensor, void* output_data, in TFL_TensorCopyToBuffer()
/external/tensorflow/tensorflow/contrib/slim/python/slim/
Dsummaries.py42 def _get_summary_name(tensor, name=None, prefix=None, postfix=None): argument
63 def add_histogram_summary(tensor, name=None, prefix=None): argument
79 def add_image_summary(tensor, name=None, prefix=None, print_summary=False): argument
105 def add_scalar_summary(tensor, name=None, prefix=None, print_summary=False): argument
132 def add_zero_fraction_summary(tensor, name=None, prefix=None, argument
/external/tensorflow/tensorflow/contrib/gan/python/features/python/
Dconditioning_utils_impl.py40 def _get_shape(tensor): argument
47 def condition_tensor(tensor, conditioning): argument
94 def condition_tensor_from_onehot(tensor, one_hot_labels, embedding_size=256): argument
/external/tensorflow/tensorflow/core/framework/
Dtensor_util.cc30 namespace tensor { namespace
59 for (const Tensor& tensor : tensors) { in Concat() local
85 for (const Tensor& tensor : tensors) { in Concat() local
101 for (const Tensor& tensor : tensors) { in Concat() local
115 Status Split(const Tensor& tensor, const gtl::ArraySlice<int64>& sizes, in Split()
187 const TensorShape& shape, TensorProto* tensor) { in CompressTensorContent()
266 const TensorShape& shape, TensorProto* tensor) { in CompressRepeatedField()
311 TensorProto* tensor) { in CompressTensorProtoInPlaceImpl()
336 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/python/interpreter_wrapper/
Dinterpreter_wrapper.cc191 const TfLiteTensor* tensor = interpreter_->tensor(i); in TensorName() local
199 const TfLiteTensor* tensor = interpreter_->tensor(i); in TensorType() local
217 const TfLiteTensor* tensor = interpreter_->tensor(i); in TensorSize() local
231 const TfLiteTensor* tensor = interpreter_->tensor(i); in TensorQuantization() local
248 TfLiteTensor* tensor = interpreter_->tensor(i); in SetTensor() local
303 TfLiteTensor** tensor, int* type_num) { in CheckGetTensorArgs()
331 TfLiteTensor* tensor = nullptr; in GetTensor() local
388 PyObject* InterpreterWrapper::tensor(PyObject* base_object, int i) { in tensor() function in tflite::interpreter_wrapper::InterpreterWrapper
390 TfLiteTensor* tensor = nullptr; in tensor() local
/external/tensorflow/tensorflow/lite/delegates/flex/
Dbuffer_map.cc65 explicit TfLiteTensorBuffer(const TfLiteTensor* tensor) in TfLiteTensorBuffer()
95 explicit StringTfLiteTensorBuffer(const TfLiteTensor* tensor) in StringTfLiteTensorBuffer()
109 StringTfLiteTensorBuffer(const TfLiteTensor* tensor, int num_strings) in StringTfLiteTensorBuffer()
147 void BufferMap::SetFromTfLite(int tensor_index, const TfLiteTensor* tensor) { in SetFromTfLite()
171 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/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()
116 /*static*/ void* XlaTensor::ToOpaquePointer(XlaTensor* tensor) { in ToOpaquePointer()
/external/tensorflow/tensorflow/lite/tools/accuracy/ilsvrc/
Dimagenet_topk_eval_test.cc26 Tensor tensor(DT_STRING, TensorShape({})); in CreateStringTensor() local
32 Tensor tensor(DT_FLOAT, TensorShape({1, kNumCategories})); in CreateOutputTensor() local
60 Tensor tensor = CreateOutputTensor(); in TEST() local
95 Tensor tensor = CreateOutputTensor(); in TEST() local
/external/tensorflow/tensorflow/lite/java/src/main/native/
Dtensor_jni.cc37 TfLiteTensor* tensor() const { return interpreter_->tensor(tensor_index_); } in tensor() function in __anon5dfcb4930111::TensorHandle
205 int ReadMultiDimensionalStringArray(JNIEnv* env, TfLiteTensor* tensor, in ReadMultiDimensionalStringArray()
287 TfLiteTensor* tensor) { in WriteMultiDimensionalStringArray()
313 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_buffer() local
326 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_writeDirectBuffer() local
344 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_readMultiDimensionalArray() local
367 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_writeMultiDimensionalArray() local
390 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_dtype() local
397 TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_shape() local
408 const TfLiteTensor* tensor = GetTensorFromHandle(env, handle); in Java_org_tensorflow_lite_Tensor_numBytes() local
[all …]
/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/
Dstring_util.cc99 void DynamicBuffer::WriteToTensorAsVector(TfLiteTensor* tensor) { in WriteToTensorAsVector()
105 void DynamicBuffer::WriteToTensor(TfLiteTensor* tensor, in WriteToTensor()
125 int GetStringCount(const TfLiteTensor* tensor) { in GetStringCount()
139 StringRef GetString(const TfLiteTensor* tensor, int string_index) { in GetString()
/external/tensorflow/tensorflow/python/ops/
Dlinalg_ops.py311 def self_adjoint_eig(tensor, name=None): argument
334 def self_adjoint_eigvals(tensor, name=None): argument
357 def svd(tensor, full_matrices=False, compute_uv=True, name=None): argument
427 def norm_v2(tensor, argument
500 def norm(tensor, argument
/external/tensorflow/tensorflow/contrib/layers/python/layers/
Dsummaries.py43 def _add_scalar_summary(tensor, tag=None): argument
61 def _add_histogram_summary(tensor, tag=None): argument
107 def summarize_tensor(tensor, tag=None): argument

12345678910>>...19