Home
last modified time | relevance | path

Searched refs:expected_values (Results 1 – 25 of 67) sorted by relevance

123

/external/google-breakpad/src/testing/gtest/test/
Dgtest-param-test_test.cc131 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/
Dgoogletest-param-test-test.cc78 const T (&expected_values)[N]) { in VerifyGenerator()
86 EXPECT_TRUE(expected_values[i] == *it) in VerifyGenerator()
88 << ", expected_values[i] is " << PrintValue(expected_values[i]) in VerifyGenerator()
106 EXPECT_TRUE(expected_values[i] == *it) in VerifyGenerator()
108 << ", expected_values[i] is " << PrintValue(expected_values[i]) in VerifyGenerator()
173 const int expected_values[] = {0, 1, 2}; in TEST() local
174 VerifyGenerator(gen, expected_values); in TEST()
181 const int expected_values[] = {0}; in TEST() local
182 VerifyGenerator(gen, expected_values); in TEST()
196 const int expected_values[] = {0, 3, 6}; in TEST() local
[all …]
/external/tensorflow/tensorflow/contrib/distribute/python/
Dinput_lib_test.py64 expected_values, argument
74 for expected_value in expected_values:
90 for expected_value in expected_values:
109 expected_values = [[i] for i in range(10)]
112 expected_values)
122 expected_values = [[i, i+1] for i in range(0, 10, 2)]
125 expected_values)
140 expected_values = [[(i, i**2), (i+1, (i+1)**2)] for i in range(0, 10, 2)]
143 expected_values)
155 expected_values = [[[0, 1], [2, 3]], [[4, 5], [6, 7]], [[8], []]]
[all …]
Done_device_strategy_test.py51 expected_values = [[i] for i in range(10)]
59 iterator, distribution.extended.worker_devices, expected_values)
66 expected_values = [[i] for i in range(10)]
74 iterator, distribution.extended.worker_devices, expected_values,
Dcollective_all_reduce_strategy_test.py313 expected_values, argument
326 for expected_value in expected_values:
341 for expected_value in expected_values:
438 expected_values = [[i+j for j in range(devices_per_worker)]
451 expected_values,
588 expected_values = [range(i, i + num_gpus) for i in range(0, 10, num_gpus)]
600 expected_values,
/external/tensorflow/tensorflow/python/kernel_tests/
Dsets_test.py178 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 …]
Dnth_element_op_test.py34 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 …]
Dargmax_op_test.py35 expected_values, argument
44 self.assertAllEqual(tf_ans, expected_values)
45 self.assertShapeEqual(expected_values, ans)
54 expected_values, argument
56 self._testArg(method, x, axis, expected_values, True, expected_err_re)
57 self._testArg(method, x, axis, expected_values, False, expected_err_re)
80 expected_values = x.argmax()
87 self.assertAllEqual(tf_ans, expected_values)
88 expected_values = x.argmin()
93 self.assertAllEqual(tf_ans, expected_values)
/external/tensorflow/tensorflow/python/keras/utils/
Dkernelized_utils_test.py45 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/core/kernels/
Dsparse_add_op_test.cc85 Tensor expected_values(allocator(), DT_FLOAT, {4}); in TEST_F() local
86 test::FillValues<float>(&expected_values, {2, 4, 6, 8}); in TEST_F()
87 test::ExpectTensorEqual<float>(expected_values, *GetOutput(1)); in TEST_F()
134 Tensor expected_values(allocator(), val_dtype, {expected_nnz}); \
135 test::FillValues<VALTYPE>(&expected_values, {5, 1, 2, 6, 3, 4}); \
136 test::ExpectTensorEqual<VALTYPE>(expected_values, *GetOutput(1)); \
191 Tensor expected_values(allocator(), val_dtype, TensorShape({0})); \
192 test::ExpectTensorEqual<VALTYPE>(expected_values, *GetOutput(1)); \
Dragged_tensor_to_sparse_kernel_test.cc100 std::vector<int> expected_values = {1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12}; in TEST_F() local
105 test::AsTensor<int>(expected_values)); in TEST_F()
126 std::vector<int> expected_values = {1, 2, 3, 4, 5, 6, 7, 8, in TEST_F() local
129 test::AsTensor<int>(expected_values)); in TEST_F()
Dsparse_reduce_sum_op_test.cc114 Tensor expected_values(allocator(), DT_FLOAT, TensorShape({2})); in TEST_F() local
115 test::FillValues<float>(&expected_values, {5, 6}); in TEST_F()
116 test::ExpectTensorEqual<float>(expected_values, *GetOutput(1)); in TEST_F()
Dquantized_mul_op_test.cc43 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()
Dquantized_add_op_test.cc43 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/tensorflow/tensorflow/contrib/bigtable/python/kernel_tests/
Dbigtable_ops_test.py85 expected_values = list(self.COMMON_VALUES)
86 expected_values.reverse()
96 want = expected_values.pop()
126 expected_values = list(self.COMMON_VALUES)
127 expected_tuples = zip(expected_keys, expected_values)
241 expected_values = list(zip(self.COMMON_ROW_KEYS, self.COMMON_VALUES))
243 for _ in range(len(expected_values)):
249 _ListOfTuplesOfStringsToBytes(expected_values),
259 expected_values = list(zip(self.COMMON_ROW_KEYS, self.COMMON_VALUES))
261 for _ in range(len(expected_values)):
[all …]
/external/bsdiff/
Dextents_unittest.cc34 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/
Ddynamic_ops_test.cc130 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 …]
Dreduce_precision_test.cc213 std::vector<float> expected_values; in XLA_TEST_P() local
219 expected_values.push_back(absl::bit_cast<float>(test_value[index])); in XLA_TEST_P()
223 expected_values.push_back( in XLA_TEST_P()
239 ComputeAndCompareR1<float>(&builder, expected_values, {a_data.get()}); in XLA_TEST_P()
/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/
Dparse_example_dataset_test.py69 expected_values=None, argument
88 self._compare_output_to_expected(result, expected_values)
96 self._compare_output_to_expected(result, expected_values)
148 expected_values=expected_output,
251 expected_values=expected_output,
287 expected_values=expected_output,
328 expected_values=expected_output,
373 expected_values=expected_output,
408 expected_values=expected_output,
455 expected_values=expected_output,
[all …]
/external/tensorflow/tensorflow/lite/tools/optimize/calibration/
Dcalibrator_test.cc154 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/tensorflow/tensorflow/python/data/kernel_tests/
Dtest_base.py80 def _compareOutputToExpected(self, result_values, expected_values, argument
85 self.assertItemsEqual(result_values, expected_values)
88 nest.assert_same_structure(result_values[i], expected_values[i])
90 nest.flatten(result_values[i]), nest.flatten(expected_values[i])):
/external/deqp/external/openglcts/modules/gl/
Dgl4cPipelineStatisticsQueryTests.hpp286 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()
Dgl4cPipelineStatisticsQueryTests.cpp1192 …execution_result& run_result, unsigned int n_expected_values, const glw::GLuint64* expected_values, in verifyResultValues() argument
1234 expected_value = expected_values[n_expected_value]; in verifyResultValues()
1306 …run_result.result_int, "non-QO BO int32", n_expected_values, expected_values, query_type, draw_cal… in verifyResultValues()
1317 …run_result.result_int64, "non-QO BO int64", n_expected_values, expected_values, query_type, draw_c… in verifyResultValues()
1328 …run_result.result_uint, "non-QO BO uint32", n_expected_values, expected_values, query_type, draw_c… in verifyResultValues()
1339 …run_result.result_uint, "non-QO BO uint64", n_expected_values, expected_values, query_type, draw_c… in verifyResultValues()
1352 …run_result.result_qo_int, "QO BO int32", n_expected_values, expected_values, query_type, draw_call… in verifyResultValues()
1363 run_result.result_qo_int64, "QO BO int64", n_expected_values, expected_values, query_type, in verifyResultValues()
1374 run_result.result_qo_uint, "QO BO uint32", n_expected_values, expected_values, query_type, in verifyResultValues()
1385 run_result.result_qo_uint64, "QO BO uint64", n_expected_values, expected_values, query_type, in verifyResultValues()
[all …]
/external/deqp/external/openglcts/modules/glesext/gpu_shader5/
DesextcGPUShader5TextureGatherOffset.cpp2384 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 …]
/external/tensorflow/tensorflow/python/debug/lib/
Ddist_session_debug_grpc_test.py103 def _pollingAssertDebugTensorValuesAllClose(self, expected_values, argument
107 len(self.debug_server.debug_tensor_values) < len(expected_values)):
110 expected_values,

123