Home
last modified time | relevance | path

Searched refs:tensor_data (Results 1 – 25 of 78) sorted by relevance

1234

/external/tensorflow/tensorflow/python/framework/
Dconvert_to_constants.py99 def convert_variable_to_constant(self, incoming_edge, tensor_data): argument
186 def convert_variable_to_constant(self, incoming_edge, tensor_data): argument
195 function.signature.input_arg[index].type = tensor_data.dtype
200 edge, tensor_data)
269 def convert_variable_to_constant(self, incoming_edge, tensor_data): argument
354 def convert_variable_to_constant(self, incoming_edge, tensor_data): argument
356 node.update_dtype("T", incoming_edge.destination.index, tensor_data.dtype)
361 edge, tensor_data)
367 def convert_variable_to_constant(self, incoming_edge, tensor_data): argument
373 _Edge(incoming_edge.destination.convertible, 0)), tensor_data)
[all …]
/external/tensorflow/tensorflow/core/kernels/
Dfingerprint_op_test.cc70 EXPECT_EQ(GetOutput(0)->tensor_data(), ""); in TEST_F()
83 EXPECT_EQ(GetOutput(0)->tensor_data(), "\x2d\x90\xdf\x03\x79\x36\x3c\x43"); in TEST_F()
103 EXPECT_EQ(GetOutput(0)->tensor_data(), "\x92\x43\x28\x52\xa3\x7c\x48\x18"); in TEST_F()
111 EXPECT_EQ(GetOutput(0)->tensor_data(), in TEST_F()
139 EXPECT_NE(fingerprint0.tensor_data(), fingerprint1.tensor_data()); in TEST_F()
166 EXPECT_NE(fingerprint0.tensor_data(), fingerprint1.tensor_data()); in TEST_F()
190 EXPECT_EQ(pods_fingerprints.tensor_data(), in TEST_F()
191 strings_fingerprints.tensor_data()); in TEST_F()
Dquantized_mul_op.cc190 int64 vector_num_elements, const T* tensor_data, in VectorTensorMultiply() argument
196 (static_cast<int32>(tensor_data[i]) - tensor_offset); in VectorTensorMultiply()
204 const quint8* tensor_data, int32 tensor_offset, int64 tensor_num_elements, in VectorTensorMultiply() argument
220 const uint8* y_data_ptr = &(tensor_data->value) + i; in VectorTensorMultiply()
271 (static_cast<int32>(tensor_data[i]) - tensor_offset); in VectorTensorMultiply()
332 const T* tensor_data; in Compute() local
339 tensor_data = y_data; in Compute()
346 tensor_data = x_data; in Compute()
351 vector_data, vector_offset, vector_num_elements, tensor_data, in Compute()
Dquantized_add_op.cc291 const T* tensor_data, float min_tensor, in VectorTensorAddition() argument
299 tensor_data[i], min_tensor, max_tensor, output_min, output_max); in VectorTensorAddition()
309 const quint8* tensor_data, float min_tensor, in VectorTensorAddition() argument
351 const uint8* tensor_ptr = &(tensor_data->value) + i; in VectorTensorAddition()
374 const int64 tensor_value = static_cast<int64>(tensor_data[i]); in VectorTensorAddition()
394 const quint8* tensor_data, float min_tensor, in VectorTensorAddition() argument
434 const int64 tensor_value = static_cast<int64>(tensor_data[i]); in VectorTensorAddition()
518 const T* tensor_data; in Compute() local
527 tensor_data = y_data; in Compute()
536 tensor_data = x_data; in Compute()
[all …]
Dtranspose_functor_gpu.cu.cc81 const T* p = reinterpret_cast<const T*>(in.tensor_data().data()); in TransposeSimple()
82 T* q = reinterpret_cast<T*>(const_cast<char*>((out->tensor_data().data()))); in TransposeSimple()
108 auto in_data = reinterpret_cast<const T*>(in.tensor_data().data()); in run()
110 reinterpret_cast<T*>(const_cast<char*>(out->tensor_data().data())); in run()
/external/tensorflow/tensorflow/lite/experimental/quantization_debugger/
Ddebugger.py164 for tensor_data in self._data_gen():
165 self._set_input_tensors(self._quant_interpreter, tensor_data, initialize)
203 for tensor_data in self._data_gen():
204 self._set_input_tensors(self._quant_interpreter, tensor_data, initialize)
205 self._set_input_tensors(self._float_interpreter, tensor_data, initialize)
230 tensor_data: Sequence[np.ndarray],
245 if len(input_details) != len(tensor_data):
248 'the model ({})'.format(len(tensor_data), len(input_details)))
251 for input_detail, tensor in zip(input_details, tensor_data):
255 for input_detail, tensor in zip(input_details, tensor_data):
/external/tensorflow/tensorflow/core/util/
Dmemmapped_file_system_writer.cc43 const auto tensor_data = tensor.tensor_data(); in SaveTensor() local
44 if (tensor_data.empty()) { in SaveTensor()
50 AddToDirectoryElement(element_name, tensor_data.size()); in SaveTensor()
51 const auto result = output_file_->Append(tensor_data); in SaveTensor()
53 output_file_offset_ += tensor_data.size(); in SaveTensor()
/external/tensorflow/tensorflow/lite/kernels/
Dfill_test.cc82 const TensorData& tensor_data, float value) { in QuantizedFillOpModel() argument
84 value_ = AddInput(tensor_data); in QuantizedFillOpModel()
85 output_ = AddOutput(tensor_data); in QuantizedFillOpModel()
190 const TensorData tensor_data(GetTensorType<quant_type>(), {}, in QuantizedFill() local
194 tensor_data, value); in QuantizedFill()
198 const float min_value = tensor_data.min - epsilon; in QuantizedFill()
199 const float max_value = tensor_data.max + epsilon; in QuantizedFill()
Ddepth_to_space_test.cc34 DepthToSpaceOpModel(const TensorData& tensor_data, int block_size) { in DepthToSpaceOpModel() argument
35 input_ = AddInput(tensor_data); in DepthToSpaceOpModel()
36 output_ = AddOutput(tensor_data); in DepthToSpaceOpModel()
Dspace_to_depth_test.cc33 SpaceToDepthOpModel(const TensorData& tensor_data, int block_size) { in SpaceToDepthOpModel() argument
34 input_ = AddInput(tensor_data); in SpaceToDepthOpModel()
35 output_ = AddOutput(tensor_data); in SpaceToDepthOpModel()
/external/tensorflow/tensorflow/lite/delegates/hexagon/builders/tests/
Dspace_to_depth_test.cc23 SpaceToDepthOpModel(const TensorData& tensor_data, int block_size, in SpaceToDepthOpModel() argument
25 input_ = AddInput(tensor_data); in SpaceToDepthOpModel()
26 output_ = AddOutput(tensor_data); in SpaceToDepthOpModel()
/external/tensorflow/tensorflow/lite/micro/kernels/
Ddepth_to_space_test.cc32 DepthToSpaceOpModel(const TensorData& tensor_data, int block_size) { in DepthToSpaceOpModel() argument
33 input_ = AddInput(tensor_data); in DepthToSpaceOpModel()
34 output_ = AddOutput(tensor_data); in DepthToSpaceOpModel()
Dspace_to_depth_test.cc32 SpaceToDepthOpModel(const TensorData& tensor_data, int block_size) { in SpaceToDepthOpModel() argument
33 input_ = AddInput(tensor_data); in SpaceToDepthOpModel()
34 output_ = AddOutput(tensor_data); in SpaceToDepthOpModel()
/external/tensorflow/tensorflow/core/framework/
Dtensor_util.cc42 StringPiece input_data = input.tensor_data(); in DeepCopy()
47 StringPiece output_data = output->tensor_data(); in DeepCopy()
88 StringPiece to_data = result->tensor_data(); in Concat()
93 StringPiece from_data = tensor.tensor_data(); in Concat()
137 StringPiece from_data = tensor.tensor_data(); in Split()
150 StringPiece to_data = split->tensor_data(); in Split()
170 const_cast<char*>(split.tensor_data().data())); in Split()
Dtensor_key.h34 return t1.tensor_data() == t2.tensor_data();
/external/tensorflow/tensorflow/compiler/jit/
Dxla_tensor.cc26 FromOpaquePointer(const_cast<char*>(tensor->tensor_data().data())); in FromTensor()
37 return se::DeviceMemoryBase(const_cast<char*>(tensor.tensor_data().data()), in DeviceMemoryFromTensor()
38 tensor.tensor_data().size()); in DeviceMemoryFromTensor()
Dxla_device_context.cc126 << reinterpret_cast<const void*>(cpu_tensor->tensor_data().data()) in CopyCPUTensorToDevice()
128 << reinterpret_cast<const void*>(device_tensor->tensor_data().data()) in CopyCPUTensorToDevice()
217 << reinterpret_cast<const void*>(device_tensor->tensor_data().data()) in CopyDeviceTensorToCPU()
219 << reinterpret_cast<const void*>(cpu_tensor->tensor_data().data()) in CopyDeviceTensorToCPU()
/external/tensorflow/tensorflow/lite/delegates/gpu/common/
Dmodel_builder_helper.h103 absl::Status CreateVectorCopyData(const TfLiteTensor& tensor, T* tensor_data) { in CreateVectorCopyData() argument
109 std::memcpy(tensor_data, tensor.data.uint8, tensor.bytes); in CreateVectorCopyData()
115 float* tensor_data);
Dmodel_builder_helper.cc259 float* tensor_data) { in CreateVectorCopyData() argument
262 std::memcpy(tensor_data, tensor.data.f, tensor.bytes); in CreateVectorCopyData()
267 reinterpret_cast<uint16_t const*>(tensor.data.f16), tensor_data); in CreateVectorCopyData()
270 DequantizeConstantTensor(tensor, tensor.data.int8, tensor_data); in CreateVectorCopyData()
273 DequantizeConstantTensor(tensor, tensor.data.uint8, tensor_data); in CreateVectorCopyData()
276 DequantizeConstantTensor(tensor, tensor.data.i32, tensor_data); in CreateVectorCopyData()
/external/tensorflow/tensorflow/lite/delegates/hexagon/builders/
Dop_builder.cc258 auto* tensor_data = TfLiteIntArrayCreate(1); in AddCastOp() local
259 tensor_data->data[0] = tensor_id; in AddCastOp()
262 cast_builder->PopulateSubGraph(tensor_data, tensor_data, context)); in AddCastOp()
263 TF_LITE_ENSURE_STATUS(cast_builder->RegisterOutputs(tensor_data, context)); in AddCastOp()
265 TfLiteIntArrayFree(tensor_data); in AddCastOp()
/external/tensorflow/tensorflow/compiler/tf2xla/
Dxla_argument.cc52 return constant_value.tensor_data() == other.constant_value.tensor_data(); in operator ==()
/external/tensorflow/tensorflow/lite/testing/op_tests/
Dlstm.py86 tensor_data = create_tensor_data(parameters["dtype"],
88 input_values.append(tensor_data)
/external/tensorflow/tensorflow/core/nccl/
Dnccl_manager.cc737 const void* sendbuff = p->input->tensor_data().data(); in LoopKernelLaunches()
738 void* recvbuff = const_cast<char*>(p->output->tensor_data().data()); in LoopKernelLaunches()
762 sendbuff = p->input->tensor_data().data(); in LoopKernelLaunches()
766 recvbuff = const_cast<char*>(p->output->tensor_data().data()); in LoopKernelLaunches()
795 const void* sendbuff = p->input->tensor_data().data(); in LoopKernelLaunches()
797 p->output ? const_cast<char*>(p->output->tensor_data().data()) in LoopKernelLaunches()
811 const void* sendbuff = p->input->tensor_data().data(); in LoopKernelLaunches()
812 void* recvbuff = const_cast<char*>(p->output->tensor_data().data()); in LoopKernelLaunches()
/external/tensorflow/tensorflow/lite/python/
Dlite_v2_test_util.py63 for input_tensor, tensor_data in zip(input_details, input_data):
64 interpreter.set_tensor(input_tensor['index'], tensor_data.numpy())
/external/tensorflow/tensorflow/cc/framework/
Dops.cc104 std::copy_n(elem.tensor_data().data(), elem.TotalBytes(), in Initializer()
105 const_cast<char*>(t.tensor_data().data()) + offset); in Initializer()

1234