/external/tensorflow/tensorflow/core/distributed_runtime/ |
D | rpcbench_test.cc | 124 GraphDef CreateGraphDef(int num_stages, int width, int tensor_size, in CreateGraphDef() argument 133 Output x = Const(s.WithOpName("x"), 0.0f, {tensor_size, 1}); in CreateGraphDef() 157 string DebugString(const Tensor& x, const Tensor& y, int tensor_size) { in DebugString() argument 158 CHECK_EQ(x.NumElements(), tensor_size); in DebugString() 159 CHECK_EQ(y.NumElements(), tensor_size); in DebugString() 163 CHECK_GE(tensor_size, 2); in DebugString() 169 static void BM_Helper(int iters, int width, int num_stages, int tensor_size, in BM_Helper() argument 176 GraphDef def = CreateGraphDef(num_stages, width, tensor_size, in BM_Helper() 183 Tensor x(DT_FLOAT, TensorShape({tensor_size, 1})); in BM_Helper() 188 "; tensor bytes/send: ", tensor_size * sizeof(float))); in BM_Helper() [all …]
|
/external/tensorflow/tensorflow/lite/tools/optimize/calibration/ |
D | calibration_logger.h | 27 void Update(const float* values, size_t tensor_size) { in Update() argument 29 if (tensor_size <= 0) return; in Update() 39 for (size_t i = 0; i < tensor_size; i++) { in Update() 68 size_t tensor_size) { in LogTensorValue() argument 69 tensor_id_to_stats_map_[tensor_index].Update(tensor_values, tensor_size); in LogTensorValue()
|
D | calibrator_test.cc | 71 const size_t tensor_size = 1 * 8 * 8 * 3; in TEST() local 73 std::vector<float> ones(tensor_size, 1.0f); in TEST() 80 ASSERT_EQ(tensor->bytes, tensor_size * sizeof(float)); in TEST() 81 for (size_t j = 0; j < tensor_size; j++) { in TEST() 91 for (size_t i = 0; i < tensor_size; i++) { in TEST() 95 for (size_t i = 0; i < tensor_size; i++) { in TEST() 134 const size_t tensor_size = 1 * 8 * 8 * 3; in TEST() local 141 ASSERT_EQ(tensor->bytes, tensor_size * sizeof(float)); in TEST() 142 for (size_t j = 0; j < tensor_size; j++) { in TEST()
|
/external/tensorflow/tensorflow/lite/python/ |
D | interpreter.py | 129 tensor_size = self._interpreter.TensorSize(tensor_index) 139 'shape': tensor_size, 189 def resize_tensor_input(self, input_index, tensor_size): argument 203 tensor_size = np.array(tensor_size, dtype=np.int32) 204 self._interpreter.ResizeInputTensor(input_index, tensor_size)
|
/external/tensorflow/tensorflow/core/grappler/inputs/ |
D | trivial_test_graph_input_yielder.cc | 31 GraphDef CreateGraphDef(int num_stages, int width, int tensor_size, in CreateGraphDef() argument 39 const int batch_size = tensor_size < 0 ? 1 : tensor_size; in CreateGraphDef() 90 int num_stages, int width, int tensor_size, bool insert_queue, in TrivialTestGraphInputYielder() argument 94 tensor_size_(tensor_size), in TrivialTestGraphInputYielder()
|
D | trivial_test_graph_input_yielder.h | 31 TrivialTestGraphInputYielder(int num_stages, int width, int tensor_size,
|
/external/tensorflow/tensorflow/core/kernels/ |
D | unary_ops_composition_test.cc | 90 static Graph* UnaryOpsChain(int tensor_size, int repeat_graph, in UnaryOpsChain() argument 94 Tensor t(DT_FLOAT, TensorShape({tensor_size})); in UnaryOpsChain() 118 static Graph* UnaryOpsCompo(int tensor_size, int repeat_graph, in UnaryOpsCompo() argument 122 Tensor t(DT_FLOAT, TensorShape({tensor_size})); in UnaryOpsCompo()
|
D | stack.cc | 166 const Tensor* tensor_size; in Compute() local 167 OP_REQUIRES_OK(ctx, ctx->input("max_size", &tensor_size)); in Compute() 170 ctx, TensorShapeUtils::IsScalar(tensor_size->shape()), in Compute() 172 tensor_size->shape().DebugString())); in Compute() 174 int32 size_value = tensor_size->scalar<int32>()(); in Compute()
|
D | tensor_array_ops.cc | 184 const Tensor* tensor_size; in CreateTensorArray() local 185 TF_RETURN_IF_ERROR(ctx->input("size", &tensor_size)); in CreateTensorArray() 187 if (!TensorShapeUtils::IsScalar(tensor_size->shape())) { in CreateTensorArray() 190 tensor_size->shape().DebugString()); in CreateTensorArray() 192 const int32 size = tensor_size->scalar<int32>()(); in CreateTensorArray()
|
/external/tensorflow/tensorflow/contrib/mpi_collectives/ |
D | mpi_ops_test.py | 271 tensor_size = [17] * 3 272 tensor_size[1] = 10 * (rank + 1) 273 tensor = tf.ones(tensor_size, dtype=tf.float32) * rank 288 tensor_size = [17] * 3 290 tensor = tf.ones(tensor_size, dtype=dtype) * rank
|
/external/tensorflow/tensorflow/python/debug/examples/ |
D | debug_fibonacci.py | 37 np.ones([FLAGS.tensor_size] * 2), dtype=tf.int32, name="node_00") 39 np.ones([FLAGS.tensor_size] * 2), dtype=tf.int32, name="node_01")
|
D | examples_test.sh | 64 cat << EOF | ${DEBUG_FIBONACCI_BIN} --tensor_size=2 --ui_type=readline
|
/external/tensorflow/tensorflow/lite/testing/nnapi_tflite_zip_tests/ |
D | tflite_driver.cc | 94 size_t tensor_size = tensor.bytes / sizeof(T); in TypedCheck() local 96 if (tensor_size != num_elements_) { in TypedCheck() 98 << " elements, got " << tensor_size << std::endl; in TypedCheck() 104 for (int i = 0; i < tensor_size; ++i) { in TypedCheck()
|
/external/tensorflow/tensorflow/lite/testing/ |
D | tflite_driver.cc | 92 size_t tensor_size = tensor.bytes / sizeof(T); in TypedCheck() local 94 if (tensor_size != num_elements_) { in TypedCheck() 96 << " elements, got " << tensor_size << std::endl; in TypedCheck() 102 for (int i = 0; i < tensor_size; ++i) { in TypedCheck()
|
/external/tensorflow/tensorflow/python/lib/core/ |
D | ndarray_tensor.cc | 223 const size_t tensor_size = TF_TensorByteSize(src); in CopyTF_TensorStringsToPyArray() local 224 const char* limit = static_cast<const char*>(tensor_data) + tensor_size; in CopyTF_TensorStringsToPyArray() 234 if (expected_tensor_size - tensor_size) { in CopyTF_TensorStringsToPyArray() 238 " strings, but the tensor is encoded in ", tensor_size, " bytes"); in CopyTF_TensorStringsToPyArray()
|
/external/tensorflow/tensorflow/core/common_runtime/ |
D | ring_alg.cc | 125 const size_t tensor_size = col_params->instance.shape.num_elements() * in GenerateSubdivsInCollectiveParams() local 131 chunk_size = tensor_size / num_chunks; in GenerateSubdivsInCollectiveParams() 157 << tensor_size << " chunk_size " << chunk_size; in GenerateSubdivsInCollectiveParams()
|
/external/tensorflow/tensorflow/contrib/mpi/ |
D | mpi_rendezvous_mgr.cc | 182 const int tensor_size = static_cast<int>(val.TotalBytes()); in AddRequest() local 190 MPI_CHECK(MPI_Isend(temp, tensor_size, MPI_CHAR, mpi_dst, TAG_SENDTENSOR2, in AddRequest()
|
/external/tensorflow/tensorflow/tools/api/golden/v2/ |
D | tensorflow.lite.-interpreter.pbtxt | 39 …argspec: "args=[\'self\', \'input_index\', \'tensor_size\'], varargs=None, keywords=None, defaults…
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.lite.-interpreter.pbtxt | 39 …argspec: "args=[\'self\', \'input_index\', \'tensor_size\'], varargs=None, keywords=None, defaults…
|
/external/tensorflow/tensorflow/python/ops/ |
D | linalg_ops.py | 257 tensor_size = tensor_shape.num_elements() * matrix.dtype.size 260 if tensor_size > L2_CACHE_SIZE_GUESSTIMATE and is_io_bound:
|
/external/tensorflow/tensorflow/core/grappler/costs/ |
D | virtual_scheduler.cc | 1046 const auto tensor_size = in GenerateRunMetadata() local 1048 total_output_size += tensor_size; in GenerateRunMetadata() 1050 tensor_size); in GenerateRunMetadata() 1052 tensor_size); in GenerateRunMetadata()
|
/external/tensorflow/tensorflow/core/util/ |
D | tensor_slice_writer.cc | 121 << sts_.meta().tensor_size() << " tensors (" << file_size in Finish()
|
D | tensor_slice_writer.h | 128 index = sts_.meta().tensor_size(); in Add()
|
/external/tensorflow/tensorflow/python/distribute/ |
D | cross_device_utils.py | 216 tensor_size = g.get_shape().num_elements() 217 if tensor_size <= threshold_size:
|
/external/tensorflow/tensorflow/core/framework/ |
D | attr_value_util.cc | 249 } else if (attr_value.list().tensor_size() > 0) { in SummarizeAttrValue() 250 for (int i = 0; i < attr_value.list().tensor_size(); ++i) { in SummarizeAttrValue()
|