/external/tensorflow/tensorflow/python/ops/ragged/ |
D | ragged_constant_value_op_test.py | 37 dict(pylist='x', expected_shape=()), 41 dict(pylist=[1, 2, 3], expected_shape=(3,)), 45 dict(pylist=[[1, 2, 3], [4], [5, 6]], expected_shape=(3, None)), 46 dict(pylist=[[1, 2, 3], [4, 5, 6], [7, 8, 9]], expected_shape=(3, None)), 52 expected_shape=(3, None, None)), 56 expected_shape=(3, None, 2)), 60 expected_shape=(3, None, 2)), 65 expected_shape=(3, None, 2)), 70 expected_shape=(3, None, None)), 75 expected_shape=(3, None, 2)), [all …]
|
D | ragged_const_op_test.py | 39 dict(pylist=b'x', expected_shape=()), 43 dict(pylist=[1, 2, 3], expected_shape=(3,)), 47 dict(pylist=[[1, 2, 3], [4], [5, 6]], expected_shape=(3, None)), 48 dict(pylist=[[1, 2, 3], [4, 5, 6], [7, 8, 9]], expected_shape=(3, None)), 54 expected_shape=(3, None, None)), 58 expected_shape=(3, None, 2)), 62 expected_shape=(3, None, 2)), 67 expected_shape=(3, None, 2)), 72 expected_shape=(3, None, None)), 77 expected_shape=(3, None, 2)), [all …]
|
D | ragged_expand_dims_op_test.py | 53 expected_shape=[1, 2, None]), 57 expected_shape=[2, 1, None]), 61 expected_shape=[2, None, 1]), 69 expected_shape=[1, 3, 2]), 74 expected_shape=[3, 1, 2]), 79 expected_shape=[3, 2, 1]), 88 expected_shape=[1, 3, None, None, 2]), 93 expected_shape=[3, 1, None, None, 2]), 98 expected_shape=[3, None, 1, None, 2]), 103 expected_shape=[3, None, None, 1, 2]), [all …]
|
D | ragged_stack_op_test.py | 156 expected_shape=[3, None, None]), 300 expected_shape=[3, None, 2, 2]), 350 expected_shape=None): argument 361 if expected_shape is not None: 362 self.assertEqual(stacked.shape.as_list(), expected_shape)
|
D | ragged_getitem_test.py | 125 def _TestGetItem(self, rt, slice_spec, expected, expected_shape=None): argument 153 if expected_shape is not None: 154 value1.shape.assert_is_compatible_with(expected_shape) 155 value2.shape.assert_is_compatible_with(expected_shape) 156 value3.shape.assert_is_compatible_with(expected_shape) 557 def testWithUniformRowLength(self, slice_spec, expected, expected_shape): argument 565 self._TestGetItem(rt, slice_spec, expected, expected_shape) 571 self.assertAllEqual(actual.uniform_row_length, expected_shape[1])
|
D | ragged_to_tensor_op_test.py | 331 expected_shape=None): argument 348 if expected_shape is not None: 349 expected = np.ndarray(expected_shape, buffer=np.array(expected)) 486 self, input_shape, to_tensor_shape, expected_shape): argument 490 self.assertAllEqual(tensor.shape.as_list(), expected_shape) 491 self.assertAllEqual(ragged_from_tensor.shape.as_list(), expected_shape) 492 self.assertAllEqual(recovered_tensor.shape.as_list(), expected_shape)
|
D | ragged_concat_op_test.py | 89 expected_shape=[3, None]), 235 expected_shape=None): argument 240 if expected_shape is not None: 241 self.assertEqual(concatenated.shape.as_list(), expected_shape)
|
D | ragged_from_tensor_op_test.py | 358 expected_shape=None): argument 369 if expected_shape is not None: 370 self.assertEqual(rt.shape.as_list(), expected_shape)
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | sets_test.py | 179 expected_shape = [2, 2] 189 expected_shape, 200 expected_shape, 216 expected_shape = [2, 2] 226 expected_shape, 241 expected_shape = [1, 1] 251 expected_shape, 262 expected_shape, 273 expected_shape, 396 expected_shape = [4, 2, 2] [all …]
|
D | edit_distance_op_test.py | 45 expected_shape, argument 51 self.assertEqual(edit_distance.get_shape(), expected_shape) 66 expected_shape = [ 80 expected_shape=expected_shape, 92 expected_shape=expected_shape,
|
D | reduce_join_op_test.py | 181 expected_shape = [] 182 self._testReduceJoin(input_array, expected_val, expected_shape, axis=None) 186 expected_shape = [2, 4] 187 self._testReduceJoin(input_array, expected_val, expected_shape, axis=[]) 284 expected_shape = [1, 1] 286 constant_op.constant(input_array), expected_val, expected_shape, 291 expected_shape = [2, 4] 293 input_array, expected_val, expected_shape, keep_dims=True, axis=[])
|
/external/tensorflow/tensorflow/compiler/xla/service/interpreter/ |
D | executable_base.cc | 85 const auto& expected_shape = computation->parameter_instruction(i)->shape(); in ExecuteAsyncOnStream() local 88 if (expected_shape.is_dynamic()) { in ExecuteAsyncOnStream() 90 expected_shape)) { in ExecuteAsyncOnStream() 93 } else if (!Shape::Equal().MinorToMajorOnlyInLayout()(expected_shape, in ExecuteAsyncOnStream() 100 ShapeUtil::HumanStringWithLayout(expected_shape), in ExecuteAsyncOnStream() 115 const auto& expected_shape = computation->parameter_instruction(p)->shape(); in ExecuteAsyncOnStream() local 116 if (expected_shape.is_dynamic()) { in ExecuteAsyncOnStream() 118 arg_literal = arg_literal.ToBoundedDynamic(expected_shape); in ExecuteAsyncOnStream()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | sparse_add_op_test.cc | 90 Tensor expected_shape(allocator(), DT_INT64, in TEST_F() local 92 test::FillValues<int64>(&expected_shape, shape); in TEST_F() 93 test::ExpectTensorEqual<int64>(expected_shape, *GetOutput(2)); in TEST_F() 139 Tensor expected_shape(allocator(), DT_INT64, \ 141 test::FillValues<int64>(&expected_shape, shape); \ 142 test::ExpectTensorEqual<int64>(expected_shape, *GetOutput(2)); \ 195 Tensor expected_shape(allocator(), DT_INT64, \ 197 test::FillValues<int64>(&expected_shape, shape); \ 198 test::ExpectTensorEqual<int64>(expected_shape, *GetOutput(2)); \
|
D | sparse_reduce_sum_op_test.cc | 119 Tensor expected_shape(allocator(), DT_INT64, {1}); in TEST_F() local 120 test::FillValues<int64>(&expected_shape, {2}); in TEST_F() 121 test::ExpectTensorEqual<int64>(expected_shape, *GetOutput(2)); in TEST_F()
|
D | quantized_mul_op_test.cc | 42 float y_max_value, const std::vector<int64>& expected_shape, in TestMul() argument 82 Tensor expected_z_float(DT_FLOAT, TensorShape(expected_shape)); in TestMul() 129 std::vector<int64> expected_shape; in TestMulShape() local 131 expected_shape.push_back(dim); in TestMulShape() 134 y_min_value, y_max_value, expected_shape, expected_values, 256.0); in TestMulShape()
|
D | quantized_add_op_test.cc | 42 float y_max_value, const std::vector<int64>& expected_shape, in TestAdd() argument 82 Tensor expected_z_float(DT_FLOAT, TensorShape(expected_shape)); in TestAdd() 129 std::vector<int64> expected_shape; in TestAddShape() local 131 expected_shape.push_back(dim); in TestAddShape() 134 y_min_value, y_max_value, expected_shape, expected_values, 256.0); in TestAddShape()
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | xla_reduce_op.cc | 89 xla::Shape expected_shape; in Compile() local 91 context, TensorShapeToXLAShape(dtype, TensorShape(), &expected_shape)); in Compile() 93 expected_shape = xla::ShapeUtil::MakeTupleShape( in Compile() 94 std::vector<xla::Shape>(n_, expected_shape)); in Compile() 98 xla::ShapeUtil::Compatible(reducer.xla_output_shape, expected_shape), in Compile() 101 xla::ShapeUtil::HumanString(expected_shape), " got ", in Compile()
|
/external/tensorflow/tensorflow/compiler/xla/service/gpu/ |
D | gpu_layout_assignment_test.cc | 363 Shape expected_shape = in TEST_F() local 366 op::Dot(op::ShapeWithLayout(expected_shape), in TEST_F() 367 op::ShapeWithLayout(expected_shape))); in TEST_F() 401 Shape expected_shape = ShapeUtil::MakeShapeWithLayout(F32, {3, 2}, {1, 0}); in TEST_F() local 403 op::Sort(op::ShapeWithLayout(expected_shape), in TEST_F() 404 op::ShapeWithLayout(expected_shape))); in TEST_F() 428 Shape expected_shape = ShapeUtil::MakeShapeWithLayout(C64, {8, 32}, {1, 0}); in TEST_F() local 430 op::Copy(op::Transpose(op::ShapeWithLayout(expected_shape)))); in TEST_F() 433 op::Copy(op::Transpose(op::Fft(op::ShapeWithLayout(expected_shape))))); in TEST_F()
|
/external/tensorflow/tensorflow/python/kernel_tests/linalg/ |
D | linear_operator_block_diag_test.py | 38 def _block_diag_dense(expected_shape, blocks): argument 52 [batch_row_shape, [expected_shape[-2] - num_cols]], axis=-1) 122 expected_shape = list(shape_info.shape) 126 block_diag_dense = _block_diag_dense(expected_shape, matrices) 130 expected_shape[:-2] + [expected_shape[-1], expected_shape[-1]])
|
D | linear_operator_block_lower_triangular_test.py | 38 def _block_lower_triangular_dense(expected_shape, blocks): argument 49 [batch_row_shape, [expected_shape[-2] - num_cols]], axis=-1) 137 expected_shape = list(shape_info.shape) 144 expected_shape, matrices) 147 block_lower_triangular_dense.set_shape(expected_shape)
|
/external/tensorflow/tensorflow/core/kernels/mlir_generated/ |
D | base_binary_ops_test.h | 72 const TensorShape& expected_shape, in RunAndExpectResult() argument 81 expected_shape); in RunAndExpectResult() 216 TensorShape expected_shape = other_shape; in TestOneEffectiveScalar() local 217 while (expected_shape.dims() < effective_scalar_shape.dims()) { in TestOneEffectiveScalar() 218 expected_shape.InsertDim(0, 1); in TestOneEffectiveScalar() 222 repeated_other_input, expected_shape, expected_output, config); in TestOneEffectiveScalar() 299 TensorShape expected_shape{2, 3}; in TestBroadcasting() 308 rhs_shape, repeated_rhs_input, expected_shape, in TestBroadcasting() 324 TensorShape expected_shape{2, 0, 5}; in TestEmptyShapeBroadcasting() 328 empty_input, expected_shape, expected_output, in TestEmptyShapeBroadcasting()
|
/external/tensorflow/tensorflow/python/keras/utils/ |
D | np_utils_test.py | 38 for label, one_hot, expected_shape in zip(labels, 42 self.assertEqual(one_hot.shape, expected_shape)
|
/external/tensorflow/tensorflow/python/kernel_tests/array_ops/ |
D | gather_op_test.py | 89 expected_shape = data.shape[:axis] + data.shape[axis + 1:] 90 self.assertEqual(expected_shape, gather_t.get_shape()) 107 expected_shape = data.shape[:axis] + (4,) + data.shape[axis + 1:] 108 self.assertEqual(expected_shape, gather_t.get_shape()) 137 expected_shape = (params.shape[:axis] + indices.shape + 139 self.assertEqual(expected_shape, gather.shape) 140 self.assertEqual(expected_shape, gather_negative_axis.shape) 206 expected_shape = ( 208 self.assertEqual(expected_shape, gather.shape) 209 self.assertEqual(expected_shape, gather_negative_axis.shape)
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | dense_attention_test.py | 159 expected_shape = [batch_size, tq, dim] 160 self.assertAllEqual(expected_shape, array_ops.shape(actual)) 257 expected_shape = [1, 2, 4] 258 self.assertAllEqual(expected_shape, array_ops.shape(actual)) 276 expected_shape = [1, 2, 4] 277 self.assertAllEqual(expected_shape, array_ops.shape(actual)) 599 expected_shape = [1, 2, 4] 600 self.assertAllEqual(expected_shape, array_ops.shape(actual)) 614 expected_shape = [1, 2, 4] 615 self.assertAllEqual(expected_shape, array_ops.shape(actual)) [all …]
|
/external/tensorflow/tensorflow/c/ |
D | c_api_experimental_test.cc | 107 const absl::optional<std::vector<int64_t>>& expected_shape) { in CheckOutputShapes() argument 134 if (!expected_shape.has_value()) { in CheckOutputShapes() 140 EXPECT_EQ(num_dims, expected_shape->size()); in CheckOutputShapes() 142 EXPECT_EQ(dims[i], (*expected_shape)[i]); in CheckOutputShapes()
|