/external/tensorflow/tensorflow/core/util/ |
D | ragged_to_dense_util.cc | 42 const TensorShapeProto& value_shape, TensorShapeProto* output_shape) { in CombineRaggedTensorToTensorShapes() argument 47 if (value_shape.unknown_rank() && shape.unknown_rank()) { in CombineRaggedTensorToTensorShapes() 55 while (output_shape->dim_size() < ragged_rank + value_shape.dim_size()) { in CombineRaggedTensorToTensorShapes() 61 if (value_shape.unknown_rank()) { in CombineRaggedTensorToTensorShapes() 65 if (ragged_rank + value_shape.dim_size() != output_shape->dim_size()) { in CombineRaggedTensorToTensorShapes() 69 ragged_rank + value_shape.dim_size(), in CombineRaggedTensorToTensorShapes() 73 for (int i = 1; i < value_shape.dim_size(); ++i) { in CombineRaggedTensorToTensorShapes() 74 const TensorShapeProto::Dim& value_dim = value_shape.dim(i); in CombineRaggedTensorToTensorShapes() 76 output_shape->dim_size() - value_shape.dim_size() + i); in CombineRaggedTensorToTensorShapes() 97 const TensorShapeProto& value_shape) { in ValidateDefaultValueShape() argument [all …]
|
D | ragged_to_dense_util.h | 50 const TensorShapeProto& value_shape, 56 const TensorShapeProto& value_shape);
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | tensor_array_ops.cc | 276 std::vector<int64> value_shape(slice_shape.begin() + 1, slice_shape.end()); in Compile() local 277 ctx->SetOutput(0, xla::Reshape(read, value_shape)); in Compile() 364 const TensorShape value_shape = ctx->InputShape(2); in Compile() local 368 TensorShape elem_shape = value_shape; in Compile() 388 if (status.ok() && num_indices == value_shape.dim_size(0)) { in Compile() 405 auto slice_dims = value_shape.dim_sizes(); in Compile() 408 std::vector<int64> value_starts(value_shape.dims(), 0); in Compile() 409 auto value_ends = value_shape.dim_sizes(); in Compile() 411 std::vector<int64> value_strides(value_shape.dims(), 1); in Compile() 502 TensorShape value_shape = ctx->InputShape(1); in Compile() local [all …]
|
D | fill_op.cc | 38 const TensorShape value_shape = ctx->InputShape("value"); in Compile() local 43 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(value_shape), in Compile() 45 value_shape.DebugString())); in Compile()
|
D | stack_ops.cc | 216 std::vector<int64> value_shape(slice_shape.begin() + 1, slice_shape.end()); in Compile() local 217 ctx->SetOutput(0, xla::Reshape(read, value_shape)); in Compile()
|
/external/tensorflow/tensorflow/core/framework/ |
D | lookup_interface.cc | 55 expected_value_shape.AppendShape(value_shape()); in CheckKeyAndValueTensorsHelper() 90 fullsize_value_shape.AppendShape(value_shape()); in CheckFindArguments() 91 if (default_value.shape() != value_shape() && in CheckFindArguments() 94 "Expected shape ", value_shape().DebugString(), " or ", in CheckFindArguments()
|
/external/tensorflow/tensorflow/python/ops/ragged/ |
D | ragged_placeholder_op_test.py | 53 def testRaggedPlaceholder(self, dtype, ragged_rank, value_shape, name, argument 57 dtype, ragged_rank, value_shape, name) 72 dtypes.float32, ragged_rank=1, value_shape=[])
|
D | ragged_factory_ops.py | 318 def placeholder(dtype, ragged_rank, value_shape=None, name=None): argument 341 return array_ops.placeholder(dtype, value_shape, name) 344 flat_shape = tensor_shape.TensorShape([None]).concatenate(value_shape)
|
/external/llvm-project/mlir/test/Dialect/Shape/ |
D | ops.mlir | 228 func @shape_equal_shapes(%a : !shape.value_shape, %b : !shape.value_shape) -> !shape.shape { 229 %0 = shape.shape_of %a : !shape.value_shape -> !shape.shape 230 %1 = shape.shape_of %b : !shape.value_shape -> !shape.shape 234 func @shape_with_shape(%a : !shape.value_shape, %b : !shape.value_shape) -> !shape.shape { 235 %0 = shape.shape_of %a : !shape.value_shape -> !shape.shape 236 %1 = shape.with_shape %b, %0 : !shape.value_shape, !shape.shape 237 %2 = call @shape_equal_shapes(%a, %1) : (!shape.value_shape, !shape.value_shape) -> !shape.shape
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/ |
D | fill.h | 26 void Fill(const RuntimeShape& value_shape, const T* value_data, in Fill() argument 28 TFLITE_DCHECK_EQ(value_shape.DimensionsCount(), 0); in Fill()
|
/external/llvm-project/mlir/test/Analysis/ |
D | test-shape-fn-report.mlir | 16 func @same_result_shape(%arg: !shape.value_shape) -> !shape.shape { 17 %0 = shape.shape_of %arg : !shape.value_shape -> !shape.shape
|
/external/tensorflow/tensorflow/core/ops/ |
D | ragged_conversion_ops.cc | 257 TensorShapeProto value_shape; in RaggedTensorToTensorShapeFn() local 258 c->ShapeHandleToProto(c->input(1), &value_shape); in RaggedTensorToTensorShapeFn() 264 ValidateDefaultValueShape(default_value_shape, value_shape)); in RaggedTensorToTensorShapeFn() 276 ragged_rank, shape, value_shape, &output_shape)); in RaggedTensorToTensorShapeFn()
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | embedding_lookup_sparse_test.cc | 42 std::initializer_list<int> value_shape) { in EmbeddingLookupSparseOpModel() argument 53 lookup_shape, value_shape}); in EmbeddingLookupSparseOpModel()
|
D | hashtable_lookup_test.cc | 43 std::initializer_list<int> value_shape, in HashtableLookupOpModel() argument 51 BuildInterpreter({lookup_shape, key_shape, value_shape}); in HashtableLookupOpModel()
|
/external/tflite-support/tensorflow_lite_support/custom_ops/kernel/ragged/ |
D | ragged_tensor_to_tensor_tflite.cc | 230 const RuntimeShape& value_shape) { in CombineRaggedTensorToTensorShapes() argument 235 const int output_shape_rank = ragged_rank + value_shape.DimensionsCount(); in CombineRaggedTensorToTensorShapes() 242 output_shape.DimensionsCount() - value_shape.DimensionsCount(); in CombineRaggedTensorToTensorShapes() 243 for (int i = 1; i < value_shape.DimensionsCount(); ++i) { in CombineRaggedTensorToTensorShapes() 244 result.SetDim(need_to_set + i, value_shape.Dims(i)); in CombineRaggedTensorToTensorShapes()
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/ |
D | MutableHashTableOfTensorsV2.pbtxt | 37 name: "value_shape"
|
D | MutableHashTableOfTensors.pbtxt | 38 name: "value_shape"
|
D | MutableDenseHashTable.pbtxt | 42 name: "value_shape"
|
D | MutableDenseHashTableV2.pbtxt | 45 name: "value_shape"
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/ |
D | MutableHashTableOfTensorsV2.pbtxt | 37 name: "value_shape"
|
D | MutableHashTableOfTensors.pbtxt | 38 name: "value_shape"
|
D | MutableDenseHashTable.pbtxt | 42 name: "value_shape"
|
D | MutableDenseHashTableV2.pbtxt | 45 name: "value_shape"
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | multi_head_attention_test.py | 205 value_shape = [batch_size] + v_dims + [hidden_size] 208 value = 10 * np.random.random_sample(value_shape) 218 value_tensor = keras.Input(value_shape[1:], name="value")
|
D | multi_head_attention.py | 297 value_shape = config.pop("value_shape") 299 if None in [query_shape, key_shape, value_shape]: 306 …layer._build_from_signature(query_shape, value_shape, key_shape) # pylint: disable=protected-acce…
|