/external/tensorflow/tensorflow/core/kernels/ |
D | string_ngrams_op_test.cc | 79 std::vector<tstring> expected_values( // in TEST_F() local 84 assert_string_equal(expected_values, *GetOutput(0)); in TEST_F() 97 std::vector<tstring> expected_values( in TEST_F() local 103 assert_string_equal(expected_values, *GetOutput(0)); in TEST_F() 116 std::vector<tstring> expected_values( // in TEST_F() local 121 assert_string_equal(expected_values, *GetOutput(0)); in TEST_F() 134 std::vector<tstring> expected_values( // in TEST_F() local 139 assert_string_equal(expected_values, *GetOutput(0)); in TEST_F() 152 std::vector<tstring> expected_values( // in TEST_F() local 157 assert_string_equal(expected_values, *GetOutput(0)); in TEST_F() [all …]
|
D | ragged_tensor_from_variant_op_test.cc | 92 Tensor expected_values(DT_INT32, TensorShape({7})); in TEST_F() local 96 test::FillValues<int>(&expected_values, values); in TEST_F() 107 test::ExpectTensorEqual<int>(*GetOutput(2), expected_values); in TEST_F() 121 Tensor expected_values(DT_INT32, TensorShape({7})); in TEST_F() local 126 test::FillValues<int>(&expected_values, values); in TEST_F() 138 test::ExpectTensorEqual<int>(*GetOutput(3), expected_values); in TEST_F() 171 Tensor expected_values(DT_INT32, TensorShape({6})); in TEST_F() local 175 test::FillValues<int>(&expected_values, batched_values); in TEST_F() 187 test::ExpectTensorEqual<int>(*GetOutput(2), expected_values); in TEST_F() 219 Tensor expected_values(DT_INT32, TensorShape({22})); in TEST_F() local [all …]
|
D | sparse_add_op_test.cc | 86 Tensor expected_values(allocator(), DT_FLOAT, {4}); in TEST_F() local 87 test::FillValues<float>(&expected_values, {2, 4, 6, 8}); in TEST_F() 88 test::ExpectTensorEqual<float>(expected_values, *GetOutput(1)); in TEST_F() 135 Tensor expected_values(allocator(), val_dtype, {expected_nnz}); \ 136 test::FillValues<VALTYPE>(&expected_values, {5, 1, 2, 6, 3, 4}); \ 137 test::ExpectTensorEqual<VALTYPE>(expected_values, *GetOutput(1)); \ 192 Tensor expected_values(allocator(), val_dtype, TensorShape({0})); \ 193 test::ExpectTensorEqual<VALTYPE>(expected_values, *GetOutput(1)); \
|
D | ragged_tensor_to_sparse_kernel_test.cc | 101 std::vector<int> expected_values = {1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12}; in TEST_F() local 106 test::AsTensor<int>(expected_values)); in TEST_F() 127 std::vector<int> expected_values = {1, 2, 3, 4, 5, 6, 7, 8, in TEST_F() local 130 test::AsTensor<int>(expected_values)); in TEST_F()
|
D | sparse_reduce_sum_op_test.cc | 115 Tensor expected_values(allocator(), DT_FLOAT, TensorShape({2})); in TEST_F() local 116 test::FillValues<float>(&expected_values, {5, 6}); in TEST_F() 117 test::ExpectTensorEqual<float>(expected_values, *GetOutput(1)); in TEST_F()
|
D | quantized_mul_op_test.cc | 43 const std::vector<float>& expected_values, double tolerance) { in TestMul() argument 83 test::FillValues<float>(&expected_z_float, expected_values); in TestMul() 126 std::vector<float> expected_values( in TestMulShape() local 134 y_min_value, y_max_value, expected_shape, expected_values, 256.0); in TestMulShape()
|
D | quantized_add_op_test.cc | 43 const std::vector<float>& expected_values, double tolerance) { in TestAdd() argument 83 test::FillValues<float>(&expected_z_float, expected_values); in TestAdd() 126 std::vector<float> expected_values( in TestAddShape() local 134 y_min_value, y_max_value, expected_shape, expected_values, 256.0); in TestAddShape()
|
/external/google-breakpad/src/testing/gtest/test/ |
D | gtest-param-test_test.cc | 131 const T (&expected_values)[N]) { in VerifyGenerator() 139 EXPECT_TRUE(expected_values[i] == *it) in VerifyGenerator() 141 << ", expected_values[i] is " << PrintValue(expected_values[i]) in VerifyGenerator() 159 EXPECT_TRUE(expected_values[i] == *it) in VerifyGenerator() 161 << ", expected_values[i] is " << PrintValue(expected_values[i]) in VerifyGenerator() 226 const int expected_values[] = {0, 1, 2}; in TEST() local 227 VerifyGenerator(gen, expected_values); in TEST() 234 const int expected_values[] = {0}; in TEST() local 235 VerifyGenerator(gen, expected_values); in TEST() 249 const int expected_values[] = {0, 3, 6}; in TEST() local [all …]
|
/external/googletest/googletest/test/ |
D | googletest-param-test-test.cc | 79 const T (&expected_values)[N]) { in VerifyGenerator() 87 EXPECT_TRUE(expected_values[i] == *it) in VerifyGenerator() 89 << ", expected_values[i] is " << PrintValue(expected_values[i]) in VerifyGenerator() 107 EXPECT_TRUE(expected_values[i] == *it) in VerifyGenerator() 109 << ", expected_values[i] is " << PrintValue(expected_values[i]) in VerifyGenerator() 174 const int expected_values[] = {0, 1, 2}; in TEST() local 175 VerifyGenerator(gen, expected_values); in TEST() 182 const int expected_values[] = {0}; in TEST() local 183 VerifyGenerator(gen, expected_values); in TEST() 197 const int expected_values[] = {0, 3, 6}; in TEST() local [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | sets_test.py | 178 expected_values = _values([1, 9], dtype) 188 expected_values, 199 expected_values, 215 expected_values = _values([1, 9], dtype) 225 expected_values, 240 expected_values = _values([1], dtype) 250 expected_values, 261 expected_values, 272 expected_values, 384 expected_values = _values( [all …]
|
D | nth_element_op_test.py | 34 def _validateNthElement(self, inputs, dtype, n, reverse, expected_values): argument 35 np_expected_values = np.array(expected_values) 66 expected_values = sort_inputs[..., n] 68 inputs, dtypes.float32, n, False, expected_values) 69 expected_values = sort_inputs[..., ::-1][..., n] 71 inputs, dtypes.float64, n, True, expected_values) 77 expected_values = sort_inputs[..., n] 79 inputs, dtypes.int32, n, False, expected_values) 80 expected_values = sort_inputs[..., ::-1][..., n] 82 inputs, dtypes.int64, n, True, expected_values) [all …]
|
D | argmax_op_test.py | 37 expected_values, argument 46 self.assertAllEqual(tf_ans, expected_values) 47 self.assertShapeEqual(expected_values, ans) 56 expected_values, argument 58 self._testArg(method, x, axis, expected_values, True, expected_err_re) 61 self._testArg(method, x, axis, expected_values, False, expected_err_re) 88 expected_values = x.argmax() 95 self.assertAllEqual(tf_ans, expected_values) 96 expected_values = x.argmin() 101 self.assertAllEqual(tf_ans, expected_values)
|
/external/tensorflow/tensorflow/python/keras/utils/ |
D | kernelized_utils_test.py | 45 def test_equal_vectors(self, exact_kernel_fn, expected_values): argument 54 self.assertAllClose(expected_values, exact_kernel, atol=1e-6) 59 def test_almost_identical_vectors(self, exact_kernel_fn, expected_values): argument 68 self.assertAllClose(expected_values, exact_kernel, atol=1e-3) 73 def test_similar_matrices(self, exact_kernel_fn, expected_values): argument 82 self.assertAllClose(expected_values, exact_kernel, atol=1e-2) 89 def test_matrices_varying_similarity(self, exact_kernel_fn, expected_values): argument 97 self.assertAllClose(expected_values, exact_kernel, atol=1e-2) 103 expected_values): argument 112 self.assertAllClose(expected_values, exact_kernel, atol=1e-2)
|
/external/tensorflow/tensorflow/python/distribute/ |
D | input_lib_test.py | 130 expected_values, argument 176 for expected_value in expected_values: 197 for expected_value in expected_values: 212 for i, expected_value in enumerate(expected_values): 290 expected_values = [[i] for i in range(10)] 300 expected_values, 324 expected_values = [[i, i+1] for i in range(0, 10, 2)] 334 expected_values, 360 expected_values = [[i, i + 1] for i in range(0, 10, 2)] 370 expected_values, [all …]
|
D | one_device_strategy_test.py | 53 expected_values = [[i] for i in range(10)] 59 self._test_input_fn_iterable(distribution, input_fn, expected_values) 63 expected_values = [[i] for i in range(10)] 71 iterator, distribution.extended.worker_devices, expected_values) 78 expected_values = [[i] for i in range(10)] 86 iterator, distribution.extended.worker_devices, expected_values,
|
D | strategy_test_lib.py | 311 self, strategy, input_fn, expected_values, ignore_order=False): argument 318 for expected_value in expected_values: 329 for expected_value in expected_values: 336 expected_values, test_reinitialize=True, 342 expected_values, argument 349 for expected_value in expected_values: 367 for expected_value in expected_values: 706 expected_values = [[i+j for j in range(num_gpus)] * num_workers 720 iterator, distribution.extended.worker_devices, expected_values, sess) 730 expected_values = [] [all …]
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | special_math_test.py | 63 expected_values = sps.gammainc(a, x) 67 self.assertAllClose(expected_values, actual, atol=atol, rtol=rtol) 76 expected_values = sps.gammainc(a, x) 80 self.assertAllClose(expected_values, actual, atol=atol, rtol=rtol) 90 expected_values = sps.gammainc(a, x) 94 self.assertAllClose(expected_values, actual, atol=atol, rtol=rtol)
|
/external/bsdiff/ |
D | extents_unittest.cc | 34 std::vector<ex_t> expected_values = {{10, 20}, {30, 40}}; in TEST_F() local 35 EXPECT_EQ(expected_values, extents_); in TEST_F() 52 std::vector<ex_t> expected_values = {{10, 20}, {-1, 40}, {50, 60}}; in TEST_F() local 53 EXPECT_EQ(expected_values, extents_); in TEST_F()
|
/external/tensorflow/tensorflow/compiler/xla/tests/ |
D | dynamic_ops_test.cc | 130 Literal expected_values = in RunR1() local 144 ComputeAndCompareLiteral(&builder, expected_values, {start_data.get()}); in RunR1() 156 Literal expected_values = in RunR2() local 179 ComputeAndCompareLiteral(&builder, expected_values, argument_ptrs); in RunR2() 191 Literal expected_values = in RunR3() local 213 ComputeAndCompareLiteral(&builder, expected_values, argument_ptrs); in RunR3() 413 Literal expected_values = in RunR1() local 428 ComputeAndCompareLiteral(&builder, expected_values, {start_data.get()}); in RunR1() 444 Literal expected_values = in RunR2() local 467 ComputeAndCompareLiteral(&builder, expected_values, argument_ptrs); in RunR2() [all …]
|
D | reduce_precision_test.cc | 502 std::vector<Fp> expected_values; in DoIt() local 508 expected_values.push_back(absl::bit_cast<Fp>(test_value[operation_index])); in DoIt() 512 expected_values.push_back( in DoIt() 528 ComputeAndCompareR1<Fp>(&builder, expected_values, {a_data.get()}); in DoIt()
|
/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/ |
D | parse_example_dataset_test.py | 67 expected_values=None, argument 86 self._compare_output_to_expected(result, expected_values) 94 self._compare_output_to_expected(result, expected_values) 147 expected_values=expected_output, 252 expected_values=expected_output, 289 expected_values=expected_output, 331 expected_values=expected_output, 377 expected_values=expected_output, 413 expected_values=expected_output, 461 expected_values=expected_output, [all …]
|
/external/tensorflow/tensorflow/python/keras/engine/ |
D | training_v2_utils_test.py | 123 expected_values = np.arange(start=start, stop=start+self.batch_size) 124 self.assertAllClose(final_result[0].values, expected_values) 147 expected_values = np.arange(start=start, stop=start+self.batch_size) 148 self.assertAllClose(final_result[0].flat_values, expected_values)
|
/external/deqp/external/openglcts/modules/gl/ |
D | gl4cPipelineStatisticsQueryTests.hpp | 286 const glw::GLuint64* expected_values, bool should_check_qo_bo_values, 312 const glw::GLuint64* expected_values, glw::GLenum query_type, in getVerifyResultValuesErrorString() argument 319 DE_ASSERT(expected_values != DE_NULL); in getVerifyResultValuesErrorString() 325 << expected_values[0] << "]"; in getVerifyResultValuesErrorString() 329 log_sstream << " or [" << expected_values[i] << "]"; in getVerifyResultValuesErrorString()
|
/external/tensorflow/tensorflow/lite/tools/optimize/calibration/ |
D | calibrator_test.cc | 154 const float expected_values[7] = { in TEST() local 164 EXPECT_NEAR(stats.at(tensor_idx).min, expected_values[tensor_idx], eps); in TEST() 165 EXPECT_NEAR(stats.at(tensor_idx).max, expected_values[tensor_idx], eps); in TEST() 181 EXPECT_NEAR(stats.at(tensor_idx).min, expected_values[tensor_idx], eps); in TEST() 182 EXPECT_NEAR(stats.at(tensor_idx).max, expected_values[tensor_idx], eps); in TEST()
|
/external/deqp/external/openglcts/modules/glesext/gpu_shader5/ |
D | esextcGPUShader5TextureGatherOffset.cpp | 2384 glw::GLint expected_values[m_n_components_per_varying]; in checkResult() local 2389 expected_values[i] = ((x_offset + captured_data.without_offset[i]) % texture_size); in checkResult() 2395 if (captured_data.with_offset[i] != expected_values[i]) in checkResult() 2525 glw::GLint expected_values[m_n_components_per_varying]; in checkResult() local 2530 expected_values[i] = ((y_offset + captured_data.without_offset[i]) % texture_size); in checkResult() 2536 if (captured_data.with_offset[i] != expected_values[i]) in checkResult() 2701 glw::GLint expected_values[m_n_components_per_varying]; in checkResult() local 2790 expected_values[i] = absolute_position_x + gather_offsets_x[i]; in checkResult() 2791 expected_values[i] += x_offset; in checkResult() 2794 …if ((0 > expected_values[i]) || (((glw::GLint)texture_size) < expected_values[i]) || (0 != wrap_ma… in checkResult() [all …]
|