/external/tensorflow/tensorflow/core/tfrt/utils/ |
D | fallback_tensor.h | 34 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/ |
D | test_util.cc | 36 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()
|
D | test_util.h | 30 explicit UniqueTfLiteTensor(TfLiteTensor* tensor) : tensor_(tensor) {} in UniqueTfLiteTensor() 67 TfLiteTensor* tensor) { in ReallocDynamicTensor() 85 TfLiteTensor* tensor) { in PopulateTfLiteTensorValue() 100 TfLiteTensor* tensor) { in PopulateTfLiteTensor()
|
/external/ComputeLibrary/src/c/ |
D | AclTensor.cpp | 61 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/tensorflow/tensorflow/python/grappler/ |
D | datasets_test.py | 96 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/ |
D | tfsa-2022-050.md | 3 ### CVE Number 6 ### Impact 9 ### Patches 14 ### For more information
|
D | tfsa-2021-191.md | 3 ### CVE Number 6 ### Impact 9 ### Patches 14 ### For more information
|
/external/ComputeLibrary/src/core/CPP/ |
D | Validate.h | 88 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/ |
D | GraphUtils.cpp | 69 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 …]
|
D | Utils.h | 212 inline void map(T &tensor, bool blocking) in map() 223 inline void unmap(T &tensor) in unmap() 234 inline void map(CLTensor &tensor, bool blocking) in map() 243 inline void unmap(CLTensor &tensor) in unmap() 336 void init_tensor(T &tensor, arm_compute::DataType dt) in init_tensor() 365 void fill_tensor(T &tensor) in fill_tensor() 506 void save_to_ppm(T &tensor, const std::string &ppm_filename) in save_to_ppm() 586 void save_to_npy(T &tensor, const std::string &npy_filename, bool fortran_order) in save_to_npy() 641 void load_trained_data(T &tensor, const std::string &filename) in load_trained_data() 688 void fill_tensor_value(TensorType &tensor, T value) in fill_tensor_value() [all …]
|
/external/ComputeLibrary/tests/ |
D | AssetsLibrary.h | 506 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/ |
D | subscribe.py | 105 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/ |
D | tf_driver.cc | 40 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/ |
D | android_java_generator.cc | 350 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/ |
D | buffer_map_util.cc | 34 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/tensorflow/tensorflow/compiler/xla/experimental/xla_sharding/ |
D | xla_sharding.py | 170 def split(cls, tensor, split_dimension, num_devices, input_shape=None): argument 205 def apply_to_tensor(self, argument 308 def replicate(tensor, assign_tuple_sharding=False, use_sharding_op=False): argument 315 def assign_device(tensor, argument 326 def tile(tensor, argument 348 def split(tensor, argument 371 def partial_tile(tensor, argument 410 def get_tensor_sharding(tensor): argument 448 def auto_to_manual_spmd_partition(tensor, argument 476 def manual_to_auto_spmd_partition(tensor, argument [all …]
|
D | xla_sharding_test.py | 73 def replicate_helper(tensor): argument 90 def tile_helper(tensor): argument 108 def split_helper(tensor): argument 126 def split_helper(tensor): argument 142 def copy_helper(tensor): argument
|
/external/ComputeLibrary/src/dynamic_fusion/sketch/ |
D | ArgumentPack.h | 104 void add_tensor(Id id, T *tensor) in add_tensor() 113 void add_const_tensor(Id id, const T *tensor) in add_const_tensor() 176 auto tensor = get_tensor(static_cast<TensorType>(id)); in get_src_tensors() local 193 auto tensor = get_const_tensor(static_cast<TensorType>(id)); in get_const_src_tensors() local 210 auto tensor = get_tensor(static_cast<TensorType>(id)); in get_dst_tensors() local 227 auto tensor = get_const_tensor(static_cast<TensorType>(id)); in get_const_dst_tensors() local
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_argmax.cpp | 22 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
|
D | cxx11_tensor_custom_index.cpp | 24 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
|
D | cxx11_tensor_io.cpp | 19 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
|
D | cxx11_tensor_broadcasting.cpp | 19 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/ |
D | simple_planner.cc | 57 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
|
/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ |
D | weights.cc | 34 nvinfer1::DataType type, DimsAdapter dims, Tensor tensor) { in CreateWithTensor() 84 TRT_TensorOrWeights::TRT_TensorOrWeights(ITensorProxyPtr tensor) in TRT_TensorOrWeights() 89 TRT_TensorOrWeights::TRT_TensorOrWeights(ITensorProxyPtr tensor, int batch_size) in TRT_TensorOrWeights() 95 TRT_TensorOrWeights::TRT_TensorOrWeights(nvinfer1::ITensor* tensor, in TRT_TensorOrWeights() 137 ITensorProxyPtr TRT_TensorOrWeights::tensor() const { in tensor() function in tensorflow::tensorrt::convert::TRT_TensorOrWeights 196 Tensor tensor(tf_dtype, shape); in GetTempWeights() local
|
/external/tflite-support/tensorflow_lite_support/cc/task/core/ |
D | task_utils.h | 50 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()
|