/external/tensorflow/tensorflow/python/debug/lib/ |
D | debug_events_monitors.py | 153 tensor_value, 174 size = np.size(tensor_value) 175 if not size or not np.issubdtype(tensor_value.dtype, np.floating): 177 is_inf = np.isinf(tensor_value) 179 np.logical_and(is_inf, np.less(tensor_value, 0.0))) 181 np.logical_and(is_inf, np.greater(tensor_value, 0.0))) 182 num_nan = np.count_nonzero(np.isnan(tensor_value)) 271 for output_slot, tensor_value in enumerate(tensor_values): 273 tensor_value, execution.wall_time, execution.op_type, output_slot, 294 tensor_value = ( [all …]
|
D | debug_events_monitors_test.py | 351 self, tensor_value, dtype, expected_size, expected_num_neg_inf, argument 356 np.array(tensor_value, dtype=dtype) 444 self, tensor_value, dtype, expected_size, expected_num_neg_inf, argument 448 tensor_value, dtype=dtype)
|
D | debug_v2_ops_test.py | 122 tensor_value = tensor_util.MakeNdarray(trace.tensor_proto) 123 self.assertAllClose(tensor_value, [9.0, 16.0]) 133 tensor_value = tensor_util.MakeNdarray(trace.tensor_proto) 134 self.assertAllClose(tensor_value, [np.sqrt(3.0), 2.0]) 224 tensor_value = tensor_util.MakeNdarray(trace.tensor_proto) 225 self.assertAllClose(tensor_value, [9.0, 16.0])
|
D | debug_data.py | 130 tensor_value = InconvertibleTensorProto(tensor_proto) 133 tensor_value = tensor_util.MakeNdarray(tensor_proto) 135 tensor_value = InconvertibleTensorProto(tensor_proto) 138 tensor_value = InconvertibleTensorProto(tensor_proto, False) 140 return tensor_value
|
D | grpc_debug_test_server.py | 154 tensor_value = debug_data.load_tensor_from_event(event) 156 tensor_value)
|
D | dumping_callback_test.py | 1124 for tensor_value in tensor_values: 1125 self.assertAllEqual(tensor_value, []) 1214 for tensor_value in tensor_values: 1217 self.assertAllEqual(tensor_value, []) 1301 for tensor_value in tensor_values: 1302 self.assertAllEqual(tensor_value, [])
|
/external/tensorflow/tensorflow/python/ops/ |
D | collective_ops_gpu_test.py | 148 tensor_value = [0.1, 1.1, 2.1, 3.1, 4.1, 5.1, 6.1, 7.1] 156 t = constant_op.constant(tensor_value) 160 t = constant_op.constant(tensor_value) 166 self.assertAllClose(result, tensor_value, rtol=1e-5, atol=1e-5) 171 tensor_value = [0.1, 1.1, 2.1, 3.1, 4.1, 5.1, 6.1, 7.1] 179 t = constant_op.constant(tensor_value) 189 tensor_value = [0.1, 1.1, 2.1, 3.1, 4.1, 5.1, 6.1, 7.1] 197 t = constant_op.constant(tensor_value)
|
/external/tensorflow/tensorflow/core/profiler/internal/ |
D | tfprof_tensor_test.cc | 67 EXPECT_GT(root.children(0).tensor_value().value_double_size(), 10); in TEST_F() 69 EXPECT_GT(root.children(1).tensor_value().value_double_size(), 10); in TEST_F() 71 EXPECT_EQ(root.children(2).tensor_value().value_double_size(), 1); in TEST_F()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | tensor_array_ops.cc | 422 const Tensor* tensor_value; in Compute() local 424 OP_REQUIRES_OK(ctx, ctx->input("value", &tensor_value)); in Compute() 436 ctx, tensor_value->dtype() == tensor_array->ElemType(), in Compute() 440 DataTypeString(tensor_value->dtype()), ".")); in Compute() 441 PersistentTensor persistent_tensor(*tensor_value); in Compute() 1037 const Tensor* tensor_value; in Compute() local 1038 OP_REQUIRES_OK(ctx, ctx->input("value", &tensor_value)); in Compute() 1039 TensorShape element_shape(tensor_value->shape()); in Compute() 1047 ctx, tensor_value->dtype() == tensor_array->ElemType(), in Compute() 1051 DataTypeString(tensor_value->dtype()), ".")); in Compute() [all …]
|
D | quantized_add_op.cc | 374 const int64 tensor_value = static_cast<int64>(tensor_data[i]); in VectorTensorAddition() local 376 tensor_0_int64 + (tensor_value * tensor_mult_int32); in VectorTensorAddition() 434 const int64 tensor_value = static_cast<int64>(tensor_data[i]); in VectorTensorAddition() local 436 tensor_0_int64 + (tensor_value * tensor_mult_int32); in VectorTensorAddition()
|
/external/tensorflow/tensorflow/python/framework/ |
D | constant_op.py | 279 tensor_value = attr_value_pb2.AttrValue() 280 tensor_value.tensor.CopyFrom( 284 dtype_value = attr_value_pb2.AttrValue(type=tensor_value.tensor.dtype) 285 attrs = {"value": tensor_value, "dtype": dtype_value}
|
D | convert_to_constants.py | 877 for node, tensor_value in zip(nodes_to_convert, converted_tensors): 879 numpy=tensor_value, dtype=node.attr["dtype"].type, index=None)
|
/external/tensorflow/tensorflow/lite/tools/benchmark/ |
D | benchmark_test.cc | 115 StringRef tensor_value = GetString(input_tensor, tensor_dim_index); in CheckInputTensorValue() local 116 EXPECT_TRUE(absl::equal(tensor_value.str, tensor_value.str + tensor_value.len, in CheckInputTensorValue()
|
/external/tensorflow/tensorflow/python/keras/layers/legacy_rnn/ |
D | rnn_cell_wrapper_impl.py | 119 tensor_value = ops.convert_to_tensor_v2_with_dispatch(v) 120 const_value = tensor_util.constant_value(tensor_value) 121 return (tensor_value, const_value)
|
/external/tensorflow/tensorflow/core/util/ |
D | debug_events_writer.h | 171 const Tensor& tensor_value);
|
D | debug_events_writer.cc | 278 const Tensor& tensor_value) { in WriteGraphExecutionTrace() argument 291 tensor_value.AsProtoTensorContent(trace->mutable_tensor_proto()); in WriteGraphExecutionTrace()
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.profiler.-graph-node-proto.pbtxt | 12 name: "tensor_value"
|
/external/tensorflow/tensorflow/core/common_runtime/eager/ |
D | kernel_and_device.cc | 71 for (const TensorValue& tensor_value : tensor_args_) { in GetLocalTensors() local 72 lcoal_inputs.push_back(*tensor_value.tensor); in GetLocalTensors()
|
/external/tensorflow/tensorflow/python/tools/ |
D | optimize_for_inference_lib.py | 197 tensor_value = tensor_util.MakeNdarray(input_tensor) 198 return tensor_value
|
/external/tensorflow/tensorflow/python/tpu/ |
D | tensor_tracer.py | 282 tensor_value = trace_event.summary.value[0] 283 tensor_name = tensor_value.tag 285 real_shape = [d.size for d in tensor_value.tensor.tensor_shape.dim] 287 tensor_value.tensor.tensor_content, 288 dtypes.DType(tensor_value.tensor.dtype).as_numpy_dtype()
|
/external/tensorflow/tensorflow/core/profiler/ |
D | tfprof_output.proto | 22 TFProfTensorProto tensor_value = 15; field
|
/external/tensorflow/tensorflow/core/profiler/g3doc/ |
D | command_line.md | 151 # [bytes|micros|params|float_ops|occurrence|tensor_value|device|op_types] 210 tfprof> scope -show_name_regexes unit_1_0.*gamma -select tensor_value -max_depth 5
|
D | options.md | 125 …ytes|micros|accelerator_micros|cpu_micros|params|float_ops|occurrence|tensor_value|device|op_types…
|
/external/tensorflow/tensorflow/lite/python/ |
D | op_hint.py | 389 tensor_value = _ops.convert_to_tensor(value) 392 tensor=tensor_value.op.node_def.attr["value"].tensor))
|
/external/tensorflow/tensorflow/python/data/kernel_tests/ |
D | map_test.py | 1029 tensor_value = attr_value_pb2.AttrValue() 1030 tensor_value.tensor.CopyFrom( 1039 "value": tensor_value,
|