/external/tensorflow/tensorflow/python/framework/ |
D | tensor_shape_test.py | 25 from tensorflow.python.framework import tensor_shape 33 dim = tensor_shape.Dimension(12) 36 self.assertEqual(dim, tensor_shape.Dimension(12)) 37 self.assertEqual(tensor_shape.Dimension(15), 38 dim + tensor_shape.Dimension(3)) 39 self.assertEqual(tensor_shape.Dimension(15), dim + 3) 40 self.assertEqual(tensor_shape.Dimension(15), 3 + dim) 41 self.assertEqual(tensor_shape.Dimension(9), dim - 3) 42 self.assertEqual(tensor_shape.Dimension(1), 13 - dim) 43 self.assertEqual(tensor_shape.Dimension(24), [all …]
|
D | common_shapes_test.py | 24 from tensorflow.python.framework import tensor_shape 66 s1 = tensor_shape.TensorShape([5]) 67 s2 = tensor_shape.TensorShape([7]) 69 unknown = tensor_shape.unknown_shape() 70 scalar = tensor_shape.TensorShape([]) 71 expanded_scalar = tensor_shape.TensorShape([1]) 92 unknown = tensor_shape.unknown_shape() 93 shape_0 = tensor_shape.TensorShape([]) 94 shape_1 = tensor_shape.TensorShape([1]) 95 shape_4 = tensor_shape.TensorShape([4]) [all …]
|
D | op_def_util_test.py | 31 from tensorflow.python.framework import tensor_shape 49 ("shape", tensor_shape.TensorShape([3]), tensor_shape.TensorShape([3])), 50 ("shape", [3], tensor_shape.TensorShape([3])), 107 tensor_shape.TensorShape([3, 4])),
|
D | common_shapes.py | 22 from tensorflow.python.framework import tensor_shape 41 fillvalue=tensor_shape.Dimension(1)))) 103 return tensor_shape.unknown_shape() 108 return tensor_shape.TensorShape(return_dims)
|
D | function_def_to_graph_test.py | 28 from tensorflow.python.framework import tensor_shape 81 tensor_shape.TensorShape([5]), 82 tensor_shape.TensorShape([5]) 90 fdef, input_shapes=[None, tensor_shape.TensorShape([5, 7])]) 100 fdef, input_shapes=[tensor_shape.TensorShape([5, 7])]) 184 tensor_shape.TensorShape([]), 185 tensor_shape.TensorShape([5]), None 189 tensor_shape.TensorShape(g.node[0].attr["shape"].shape).as_list(), []) 193 tensor_shape.TensorShape(g.node[1].attr["shape"].shape).as_list(), [5])
|
/external/tensorflow/tensorflow/python/keras/ |
D | initializers_test.py | 76 tensor_shape = (9, 6, 7) 80 tensor_shape, 86 tensor_shape = (8, 12, 99) 90 tensor_shape, 95 tensor_shape = (12, 99, 7) 99 tensor_shape, 105 tensor_shape = (5, 6, 4) 109 tensor_shape, 115 tensor_shape = (5, 6, 4, 2) 117 fan_in, _ = _compute_fans(tensor_shape) [all …]
|
/external/tensorflow/tensorflow/python/ops/ |
D | init_ops_test.py | 27 from tensorflow.python.framework import tensor_shape as tensor_shape_lib 60 for tensor_shape in [shape, tensor_shape_lib.TensorShape(shape)]: 63 tensor_shape, 71 for tensor_shape in [shape, tensor_shape_lib.TensorShape(shape)]: 74 tensor_shape, 81 for tensor_shape in [shape, tensor_shape_lib.TensorShape(shape)]: 84 tensor_shape, 92 for tensor_shape in [shape, tensor_shape_lib.TensorShape(shape)]: 95 tensor_shape, 103 for tensor_shape in [shape, tensor_shape_lib.TensorShape(shape)]: [all …]
|
/external/tensorflow/tensorflow/python/data/util/ |
D | sparse_test.py | 27 from tensorflow.python.framework import tensor_shape 90 "types": tensor_shape.TensorShape([]), 92 "expected": tensor_shape.TensorShape([]) 95 "types": tensor_shape.TensorShape([]), 97 "expected": tensor_shape.unknown_shape() 100 "types": (tensor_shape.TensorShape([])), 102 "expected": (tensor_shape.TensorShape([])) 105 "types": (tensor_shape.TensorShape([])), 107 "expected": (tensor_shape.unknown_shape()) 110 "types": (tensor_shape.TensorShape([]), ()), [all …]
|
D | convert_test.py | 24 from tensorflow.python.framework import tensor_shape 54 tensor_shape.TensorShape([1])))) 69 tensor_shape.TensorShape([None])))) 97 tensor_shape.TensorShape([3, 6])))) 111 tensor_shape.TensorShape([3, None])))) 127 tensor_shape.TensorShape([None, None])))) 144 tensor_shape.TensorShape([]))))
|
/external/tensorflow/tensorflow/python/grappler/ |
D | datasets_test.py | 28 from tensorflow.python.framework import tensor_shape 39 'shape': tensor_shape.TensorShape([]) 42 'shape': tensor_shape.TensorShape([3]) 45 'shape': tensor_shape.TensorShape([1, 3]) 64 'shape': tensor_shape.TensorShape([]) 67 'shape': tensor_shape.TensorShape([3]) 70 'shape': tensor_shape.TensorShape([1, 3]) 89 'shape': tensor_shape.TensorShape([]) 92 'shape': tensor_shape.TensorShape([3]) 95 'shape': tensor_shape.TensorShape([1, 3]) [all …]
|
/external/tensorflow/tensorflow/core/example/testdata/ |
D | parse_example_graph_def.pbtxt | 15 tensor_shape { 36 tensor_shape { 61 tensor_shape { 82 tensor_shape { 106 tensor_shape { 127 tensor_shape { 151 tensor_shape { 173 tensor_shape { 194 tensor_shape { 215 tensor_shape { [all …]
|
/external/tensorflow/tensorflow/compiler/tf2xla/ |
D | shape_util.cc | 89 TensorShape* tensor_shape) { in XLAShapeToTensorShape() argument 95 *tensor_shape = TensorShape(); in XLAShapeToTensorShape() 97 tensor_shape->AddDim(shape.dimensions(i)); in XLAShapeToTensorShape() 104 const PartialTensorShape& tensor_shape, in TensorShapeToXLAShape() argument 108 *shape = TensorShapeToXLAShape(type, tensor_shape); in TensorShapeToXLAShape() 113 const PartialTensorShape& tensor_shape) { in TensorShapeToXLAShape() argument 114 if (tensor_shape.unknown_rank()) { in TensorShapeToXLAShape() 118 int rank = tensor_shape.dims(); in TensorShapeToXLAShape() 123 dimensions[d] = tensor_shape.dim_size(d); in TensorShapeToXLAShape() 145 Status TensorShapeToXLAShape(DataType dtype, const TensorShape& tensor_shape, in TensorShapeToXLAShape() argument [all …]
|
D | shape_util.h | 34 TensorShape* tensor_shape); 39 Status TensorShapeToXLAShape(DataType dtype, const TensorShape& tensor_shape, 45 const TensorShape& tensor_shape); 50 const PartialTensorShape& tensor_shape, 56 const PartialTensorShape& tensor_shape);
|
/external/tensorflow/tensorflow/python/tpu/ |
D | tpu_sharding.py | 24 from tensorflow.python.framework import tensor_shape 52 self._shard_dimension = tensor_shape.as_dimension( 147 self._shard_dimension = tensor_shape.as_dimension(shard_dimension) 179 shape = tensor_shape.as_shape(shape) 190 return tensor_shape.as_shape(dims) 223 shape = tensor_shape.as_shape(shape) 243 return tensor_shape.TensorShape(dims) 259 shape = tensor_shape.as_shape(shape) 271 return tensor_shape.TensorShape(dims)
|
/external/tensorflow/tensorflow/core/kernels/ |
D | load_and_remap_matrix_op.cc | 137 TensorShape tensor_shape; in Compute() local 139 old_tensor_name, &tensor_type, &tensor_shape)); in Compute() 147 context, tensor_shape.dims() == 2, in Compute() 150 tensor_shape.DebugString(), " of invalid rank ", in Compute() 151 tensor_shape.dims(), " instead of expected shape of rank 2."))); in Compute() 157 OP_REQUIRES(context, num_cols_ == tensor_shape.dim_size(1), in Compute() 160 tensor_shape.DebugString(), in Compute() 162 tensor_shape.dim_size(1), in Compute() 169 TensorSlice slice(tensor_shape.dims()); in Compute() 206 tensor_slice.SliceTensorShape(tensor_shape, &slice_shape)); in Compute() [all …]
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | pooling.py | 23 from tensorflow.python.framework import tensor_shape 84 input_shape = tensor_shape.TensorShape(input_shape).as_list() 96 return tensor_shape.TensorShape([input_shape[0], features, length]) 98 return tensor_shape.TensorShape([input_shape[0], length, features]) 304 input_shape = tensor_shape.TensorShape(input_shape).as_list() 316 return tensor_shape.TensorShape( 319 return tensor_shape.TensorShape( 582 input_shape = tensor_shape.TensorShape(input_shape).as_list() 598 return tensor_shape.TensorShape( 601 return tensor_shape.TensorShape( [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | conditional_accumulator_test.py | 28 from tensorflow.python.framework import tensor_shape 58 dtypes_lib.float32, name="Q", shape=tensor_shape.TensorShape([1])) 66 dtypes_lib.float32, name="Q", shape=tensor_shape.TensorShape([1])) 78 dtype, shape=tensor_shape.TensorShape([1])) 92 dtypes_lib.float32, name="Q", shape=tensor_shape.TensorShape([1])) 94 dtypes_lib.float32, name="Q", shape=tensor_shape.TensorShape([1])) 96 dtypes_lib.float16, name="Q", shape=tensor_shape.TensorShape([1])) 98 dtypes_lib.float16, name="Q", shape=tensor_shape.TensorShape([1])) 190 dtypes_lib.float32, name="Q", shape=tensor_shape.TensorShape([1])) 202 dtypes_lib.float32, name="Q", shape=tensor_shape.TensorShape([1])) [all …]
|
D | variable_ops_test.py | 26 from tensorflow.python.framework import tensor_shape 78 self.assertEqual(tensor_shape.unknown_shape(), p.get_shape()) 100 self.assertEqual(tensor_shape.unknown_shape(), var.get_shape()) 108 self.assertEqual(tensor_shape.unknown_shape(), var.get_shape()) 114 self.assertEqual(tensor_shape.unknown_shape(), tensor.get_shape()) 133 self.assertEqual(tensor_shape.unknown_shape(), assigned.get_shape()) 140 self.assertEqual(tensor_shape.unknown_shape(), var.get_shape()) 141 self.assertEqual(tensor_shape.unknown_shape(), 149 self.assertEqual(tensor_shape.unknown_shape(), var.get_shape()) 151 tensor_shape.unknown_shape(), [all …]
|
/external/tensorflow/tensorflow/python/ops/ragged/ |
D | row_partition.py | 28 from tensorflow.python.framework import tensor_shape 716 nsplits = tensor_shape.dimension_at_index(self._row_splits.shape, 0) 789 nrows = tensor_shape.dimension_at_index(self._row_splits.shape, 0) - 1 793 nrows = tensor_shape.dimension_at_index(self._row_lengths.shape, 0) 797 return tensor_shape.Dimension(tensor_util.constant_value(self._nrows)) 813 nvals = tensor_shape.dimension_at_index(self._value_rowids.shape, 0) 1054 nrows = tensor_shape.TensorShape([nrows]) 1055 nvals = tensor_shape.TensorShape([nvals]) 1056 if not isinstance(uniform_row_length, tensor_shape.TensorShape): 1057 uniform_row_length = tensor_shape.TensorShape([uniform_row_length]) [all …]
|
/external/tensorflow/tensorflow/python/distribute/ |
D | multi_worker_continuous_run_test.py | 72 tensor_shape = [2, 2] 82 t_in = array_ops.ones(tensor_shape) * worker_id 89 expected_out = np.ones(tensor_shape) * expected_mean 111 tensor_shape = [2] * num_dims 116 initial_value = (array_ops.ones(tensor_shape) if worker_id == 0 else 117 array_ops.zeros(tensor_shape)) 122 expected_out = np.ones(tensor_shape)
|
/external/tensorflow/tensorflow/python/saved_model/ |
D | signature_def_utils_test.py | 87 self.assertEqual(1, len(x_tensor_info_actual.tensor_shape.dim)) 88 self.assertEqual(1, x_tensor_info_actual.tensor_shape.dim[0].size) 95 self.assertEqual(0, len(y_tensor_info_actual.tensor_shape.dim)) 116 self.assertEqual(0, len(x_tensor_info_actual.tensor_shape.dim)) 124 self.assertEqual(0, len(y_tensor_info_actual.tensor_shape.dim)) 146 self.assertEqual(0, len(x_tensor_info_actual.tensor_shape.dim)) 154 self.assertEqual(0, len(classes_tensor_info_actual.tensor_shape.dim)) 159 self.assertEqual(0, len(scores_tensor_info_actual.tensor_shape.dim)) 187 self.assertEqual(0, len(input1_tensor_info_actual.tensor_shape.dim)) 191 self.assertEqual(0, len(input2_tensor_info_actual.tensor_shape.dim)) [all …]
|
/external/tensorflow/tensorflow/core/grappler/costs/graph_properties_testdata/ |
D | function_switch_shapes.pbtxt | 15 tensor_shape { 42 tensor_shape { 63 tensor_shape { 142 tensor_shape { 170 tensor_shape { 238 tensor_shape { 265 tensor_shape {
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | lstm_layer_inference.pbtxt | 18 tensor_shape { 43 tensor_shape { 65 tensor_shape { 245 tensor_shape { 273 tensor_shape { 301 tensor_shape { 326 tensor_shape { 348 tensor_shape { 528 tensor_shape { 553 tensor_shape { [all …]
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/graphdef2mlir/ |
D | parse_example_v2.pbtxt | 39 tensor_shape { 61 tensor_shape { 83 tensor_shape { 105 tensor_shape { 130 tensor_shape { 155 tensor_shape {
|
D | const-values.pbtxt | 17 tensor_shape { 39 tensor_shape { 66 tensor_shape { 95 tensor_shape { 124 tensor_shape { 153 tensor_shape {
|