/external/tensorflow/tensorflow/lite/delegates/gpu/gl/kernels/ |
D | elementwise_test.cc | 232 const BHWC shape0(1, 2, 1, 2); in TEST() local 236 /*inputs=*/{GetTensorRef(0, shape0), GetTensorRef(1, shape1)}, in TEST() 237 /*outputs=*/{GetTensorRef(2, shape0)}); in TEST() 247 const BHWC shape0(1, 2, 1, 2); in TEST() local 251 /*inputs=*/{GetTensorRef(0, shape0)}, in TEST() 252 /*outputs=*/{GetTensorRef(2, shape0)}); in TEST() 261 const BHWC shape0(1, 2, 1, 2); in TEST() local 271 /*inputs=*/{GetTensorRef(0, shape0)}, in TEST() 272 /*outputs=*/{GetTensorRef(2, shape0)}); in TEST() 295 const BHWC shape0(1, 2, 1, 2); in TEST() local [all …]
|
/external/tensorflow/tensorflow/compiler/xla/python/ |
D | outfeed_receiver_test.cc | 124 const Shape shape0 = ShapeUtil::MakeShape(U32, {16}); in TEST() local 125 XlaOp data = Iota(&builder, shape0, 0); in TEST() 137 EXPECT_EQ(ShapeUtil::MakeTupleShape({shape0}), received[0].data->shape()); in TEST() 157 const Shape shape0 = ShapeUtil::MakeShape(U32, {16}); in TEST() local 158 XlaOp data0 = Iota(&builder0, shape0, 0); in TEST() 180 EXPECT_EQ(ShapeUtil::MakeTupleShape({shape0}), received[0].data->shape()); in TEST() 202 const Shape shape0 = ShapeUtil::MakeShape(U32, {16}); in TEST() local 203 XlaOp data0 = Iota(&builder, shape0, 0); in TEST() 223 EXPECT_EQ(ShapeUtil::MakeTupleShape({shape0}), received[0].data->shape()); in TEST() 245 const Shape shape0 = ShapeUtil::MakeShape(U32, {16}); in TEST() local [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/ |
D | process_broadcast_shapes.h | 38 inline bool ProcessBroadcastShapes(const RuntimeShape& shape0, in ProcessBroadcastShapes() argument 42 std::max(shape0.DimensionsCount(), shape1.DimensionsCount()); in ProcessBroadcastShapes() 47 auto extended_shape0 = RuntimeShape::ExtendedShape(dims_count, shape0); in ProcessBroadcastShapes()
|
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/ |
D | canonicalize.mlir | 6 %shape0 = constant dense<[[16, 4]]> : tensor<1x2xi32> 8 %1 = "tfl.reshape"(%arg0, %shape0) : (tensor<4x4x4xf32>, tensor<1x2xi32>) -> tensor<16x4xf32> 18 %shape0 = constant dense<[16, 4]> : tensor<2xi32> 20 %0 = "tfl.reshape"(%arg0, %shape0) : (tensor<4x4x4xf32>, tensor<2xi32>) -> tensor<16x4xf32> 34 %shape0 = constant dense<[16, 4]> : tensor<2xi32> 36 %0 = "tfl.reshape"(%arg0, %shape0) : (tensor<4x4x4xf32>, tensor<2xi32>) -> tensor<16x4xf32> 54 %shape0 = constant dense<[16, 4]> : tensor<2xi32> 56 %0 = "tfl.reshape"(%arg0, %shape0) : (tensor<4x4x4xf32>, tensor<2xi32>) -> tensor<16x4xf32>
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/ |
D | constant-fold.mlir | 172 %shape0 = constant dense<[2, 2, 7]> : tensor<3xi32> 180 …%offset:3 = "tf.ConcatOffset"(%concat_dim, %shape0, %shape1, %shape2) : (tensor<i32>, tensor<3xi32… 189 %shape0 = constant dense<0> : tensor<3xi32> 198 …%offset:4 = "tf.ConcatOffset"(%concat_dim, %shape0, %shape1, %shape2, %shape3) : (tensor<i32>, ten… 207 %shape0 = constant dense<[2, 8, 3]> : tensor<3xi32> 215 …%offset:3 = "tf.ConcatOffset"(%concat_dim, %shape0, %shape1, %shape2) : (tensor<i32>, tensor<3xi32… 223 %shape0 = constant dense<[2, 2, 7]> : tensor<3xi32> 227 …%offset:2 = "tf.ConcatOffset"(%concat_dim, %shape0, %shape1) : (tensor<i32>, tensor<3xi32>, tensor… 235 %shape0 = constant dense<[2, 2, 7]> : tensor<3xi32> 238 …%offset:2 = "tf.ConcatOffset"(%concat_dim, %shape0, %shape1) : (tensor<i32>, tensor<3xi32>, tensor… [all …]
|
D | tf-ops.mlir | 3441 func @testConcatOffest(%concat_dim: tensor<i32>, %shape0: tensor<3xi32>) { 3443 %0 = "tf.ConcatOffset"(%concat_dim, %shape0) : (tensor<i32>, tensor<3xi32>) -> tensor<3xi32> 3449 func @testConcatOffest(%concat_dim: tensor<i32>, %shape0: tensor<3xi32>, %shape1: tensor<3xi32>) { 3451 …%0:3 = "tf.ConcatOffset"(%concat_dim, %shape0, %shape1) : (tensor<i32>, tensor<3xi32>, tensor<3xi3… 3457 func @testConcatOffest(%concat_dim: tensor<1xi32>, %shape0: tensor<3xi32>, %shape1: tensor<3xi32>) { 3459 …%0:2 = "tf.ConcatOffset"(%concat_dim, %shape0, %shape1) : (tensor<1xi32>, tensor<3xi32>, tensor<3x… 3465 func @testConcatOffest(%concat_dim: tensor<i32>, %shape0: tensor<3xi32>, %shape1: tensor<3xi32>) { 3467 …%0:2 = "tf.ConcatOffset"(%concat_dim, %shape0, %shape1) : (tensor<i32>, tensor<3xi32>, tensor<3xi3… 3473 func @testConcatOffest(%concat_dim: tensor<i32>, %shape0: tensor<3xi32>, %shape1: tensor<3x3xi32>) { 3475 …%0:2 = "tf.ConcatOffset"(%concat_dim, %shape0, %shape1) : (tensor<i32>, tensor<3xi32>, tensor<3x3x… [all …]
|
/external/tensorflow/tensorflow/core/ops/ |
D | io_ops.cc | 94 ShapeHandle shape0, shape1, shape2; in __anonec23b74b0302() local 95 TF_RETURN_IF_ERROR(c->WithRank(c->input(0), 0, &shape0)); in __anonec23b74b0302() 98 TF_RETURN_IF_ERROR(c->Merge(shape1, shape2, &shape0)); in __anonec23b74b0302()
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | concat_ops_test.py | 260 for shape0 in (), (2,): 261 axis = len(shape0) 265 x0 = np.random.randn(*(shape0 + (n0,) + shape1)) 266 x1 = np.random.randn(*(shape0 + (n1,) + shape1))
|
/external/tensorflow/tensorflow/lite/toco/ |
D | tooling_util.h | 127 bool ShapesAgreeUpToBroadcasting(const Shape& shape0, const Shape& shape1); 138 bool ShapesAgreeUpToExtending(const Shape& shape0, const Shape& shape1);
|
D | tooling_util.cc | 689 bool ShapesAgreeUpToBroadcasting(const Shape& shape0, const Shape& shape1) { in ShapesAgreeUpToBroadcasting() argument 690 CheckNonEmptyShapeDimensions(shape0); in ShapesAgreeUpToBroadcasting() 693 const Shape* longer = &shape0; in ShapesAgreeUpToBroadcasting() 695 if (shape1.dimensions_count() > shape0.dimensions_count()) { in ShapesAgreeUpToBroadcasting() 697 shorter = &shape0; in ShapesAgreeUpToBroadcasting() 717 bool ShapesAgreeUpToExtending(const Shape& shape0, const Shape& shape1) { in ShapesAgreeUpToExtending() argument 718 CheckNonEmptyShapeDimensions(shape0); in ShapesAgreeUpToExtending() 721 const Shape* longer = &shape0; in ShapesAgreeUpToExtending() 723 if (shape1.dimensions_count() > shape0.dimensions_count()) { in ShapesAgreeUpToExtending() 725 shorter = &shape0; in ShapesAgreeUpToExtending()
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | concat_op_test.py | 392 for shape0 in (), (2,): 393 axis = len(shape0) 397 x0 = np.random.randn(*(shape0 + (n0,) + shape1)) 398 x1 = np.random.randn(*(shape0 + (n1,) + shape1))
|
/external/tensorflow/tensorflow/compiler/xla/ |
D | shape_util_test.cc | 556 Shape shape0 = ShapeUtil::MakeShape(S32, {9, 1, 4}); in TEST() local 560 ShapeUtil::InsertedOrDeleted1SizedDimensions(shape0, shape1))); in TEST() 562 ShapeUtil::InsertedOrDeleted1SizedDimensions(shape0, shape2))); in TEST()
|
/external/tensorflow/tensorflow/compiler/xla/tests/ |
D | cpu_gpu_fusion_test.cc | 853 Shape shape0 = ShapeUtil::MakeShape(F32, {param0_dim0, param0_dim1}); in BM_ParallelFusion() local 854 auto param0 = Parameter(&builder, 0, shape0, "param0"); in BM_ParallelFusion()
|
/external/tensorflow/tensorflow/lite/delegates/gpu/common/ |
D | model_builder.cc | 1119 BHWC shape0; in Parse() local 1120 RETURN_IF_ERROR(ExtractTensorShape(*input0, &shape0)); in Parse() 1125 if (shape0.h <= shape1.h && shape0.w <= shape1.w && in Parse() 1126 shape0.c == shape1.c) { in Parse()
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/ir/ |
D | tf_ops_a_m.cc | 1394 SmallVector<int32_t, 4> shape0; in fold() local 1395 shape0.reserve(num_dims); in fold() 1396 for (int32_t dim : shapes.front().getValues<int32_t>()) shape0.push_back(dim); in fold() 1399 for (auto dims_and_idx : llvm::enumerate(llvm::zip(shape0, shape))) { in fold()
|
/external/tensorflow/tensorflow/core/grappler/costs/ |
D | graph_properties_test.cc | 1133 Output shape0 = ops::Const(s.WithOpName("shape0"), 4, {}); in TEST_F() local 1135 Output pack = ops::Stack(s.WithOpName("pack"), {shape0, shape1}); in TEST_F()
|
/external/llvm-project/mlir/include/mlir/Dialect/StandardOps/IR/ |
D | Ops.td | 2252 %dst0 = memref_reshape %src(%shape0)
|