Home
last modified time | relevance | path

Searched refs:atol (Results 1 – 25 of 376) sorted by relevance

12345678910>>...16

/external/tensorflow/tensorflow/compiler/tests/
Dspecial_math_test.py91 def adjust_tolerance_for_tpu(self, dtype, rtol, atol): argument
93 return rtol, atol
99 def _test_range(self, low, high, dtype, rtol, atol, is_negative=False): argument
101 rtol, atol = self.adjust_tolerance_for_tpu(dtype, rtol, atol)
111 self.assertAllClose(expected_values, actual, atol=atol, rtol=rtol)
115 def testSmallX(self, dtype, rtol, atol): argument
116 self._test_range(-40., -20., dtype, rtol, atol, is_negative=False)
117 self._test_range(-40., -20., dtype, rtol, atol, is_negative=True)
121 def testGreaterThanNegativeTwentyExponent(self, dtype, rtol, atol): argument
122 self._test_range(-20., -10., dtype, rtol, atol, is_negative=False)
[all …]
Dcholesky_op_test.py43 def _verifyCholeskyBase(self, sess, placeholder, x, chol, verification, atol): argument
45 self.assertAllClose(x, verification_np, atol=atol)
53 self.assertAllClose(chol_matrix, np.tril(chol_matrix), atol=atol)
56 def _verifyCholesky(self, x, atol=1e-6): argument
64 self._verifyCholeskyBase(sess, placeholder, x, chol, verification, atol)
85 self._verifyCholesky(matrices, atol=1e-4)
132 self._verifyCholesky(data, atol=1e-4)
149 self._verifyCholesky(matrix, atol=1e-4)
Dmatrix_triangular_solve_op_test.py51 atol): argument
56 self.assertAllClose(broadcasted_b, verification_np, atol=atol)
58 def _VerifyTriangularSolve(self, a, b, lower, adjoint, atol): argument
71 verification, atol)
73 def _VerifyTriangularSolveCombo(self, a, b, atol=1e-4): argument
77 a if lower else transp(a), b, lower, adjoint, atol)
116 a.astype(dtype), b.astype(dtype), atol=1e-3)
128 a.astype(dtype), b.astype(dtype), atol=1e-3)
Dreduce_ops_test.py46 atol=1e-4): argument
57 result, np_reduce_fn(test_input, axis=0), rtol=rtol, atol=atol)
61 result, np_reduce_fn(test_input, axis=1), rtol=rtol, atol=atol)
65 result, np_reduce_fn(test_input, axis=1), rtol=rtol, atol=atol)
195 atol=1e-4): argument
224 atol=atol)
/external/tensorflow/tensorflow/core/framework/
Dtensor_testutil.cc117 static ::testing::AssertionResult IsClose(const T& x, const T& y, const T& atol, in IsClose() argument
123 auto tolerance = atol + rtol * Eigen::numext::abs(x); in IsClose()
132 const T& atol, const T& rtol) { in IsClose() argument
133 if (IsClose(x.real(), y.real(), atol, rtol) && in IsClose()
134 IsClose(x.imag(), y.imag(), atol, rtol)) in IsClose()
150 static void ExpectClose(const Tensor& x, const Tensor& y, double atol, in ExpectClose() argument
152 auto typed_atol = GetTolerance<T>(atol); in ExpectClose()
165 << "Too many mismatches (atol = " << atol << " rtol = " << rtol in ExpectClose()
169 << "Mismatches detected (atol = " << atol << " rtol = " << rtol << ")."; in ExpectClose()
224 void ExpectClose(const Tensor& x, const Tensor& y, double atol, double rtol) { in ExpectClose() argument
[all …]
Dtensor_testutil.h104 void ExpectClose(const Tensor& x, const Tensor& y, double atol = -1.0,
118 void ExpectTensorNear(const Tensor& x, const Tensor& y, double atol) { in ExpectTensorNear() argument
120 ExpectClose(x, y, atol, /*rtol=*/0.0); in ExpectTensorNear()
126 double atol = -1.0, double rtol = -1.0);
127 ::testing::AssertionResult IsClose(float x, float y, double atol = -1.0,
129 ::testing::AssertionResult IsClose(double x, double y, double atol = -1.0,
/external/tensorflow/tensorflow/python/ops/distributions/
Dbijector_test_util.py151 inverse_forward_x_v, uniform_x_samps_v, atol=1e-5, rtol=1e-3)
153 forward_inverse_y_v, uniform_y_samps_v, atol=1e-5, rtol=1e-3)
156 upper_x - lower_x, change_measure_dy_dx_v, atol=0, rtol=rtol)
160 dy_dx_v, np.divide(1., dx_dy_v), atol=1e-5, rtol=1e-3)
164 bijector, x, y, event_ndims, atol=0, rtol=1e-5, sess=None): argument
222 np.testing.assert_allclose(x_from_x, x, atol=atol, rtol=rtol)
223 np.testing.assert_allclose(y_from_y, y, atol=atol, rtol=rtol)
224 np.testing.assert_allclose(-ildj_f_x, fldj_x, atol=atol, rtol=rtol)
225 np.testing.assert_allclose(-ildj_y, fldj_g_y, atol=atol, rtol=rtol)
/external/tensorflow/tensorflow/python/kernel_tests/
Dlinalg_ops_test.py61 for np_type, atol in [(np.float32, 0.05), (np.float64, 1e-5)]:
69 with self.subTest(n=n, np_type=np_type, atol=atol, k=k):
72 self.assertAllClose(rhs, math_ops.matmul(array, x), atol=atol)
83 for np_dtype, atol in [(np.float32, 0.05), (np.float64, 1e-5),
85 with self.subTest(n=n, np_dtype=np_dtype, atol=atol):
94 self.assertAllClose(logdet_np, self.evaluate(logdet_tf), atol=atol)
97 for np_dtype, atol in [(np.float32, 0.05), (np.float64, 1e-5),
99 with self.subTest(np_dtype=np_dtype, atol=atol):
104 self.assertAllClose(logdet_np, self.evaluate(logdet_tf), atol=atol)
115 for np_dtype, atol in [(np.float32, 0.05), (np.float64, 1e-5),
[all …]
Dbetainc_op_test.py59 atol = 1e-5
61 scipy_out, tf_out, rtol=rtol, atol=atol)
70 scipy_comb, tf_comb, rtol=rtol, atol=atol)
78 atol=atol)
83 atol=atol)
88 atol=atol)
93 atol=atol)
98 atol=atol)
Dself_adjoint_eig_op_test.py91 np.matmul(v, v.transpose()), np.eye(32, dtype=np.float32), atol=2e-3)
127 self.assertAllClose(x, y, atol=tol)
139 self.assertAllClose(x_ei, y_ei, atol=tol, rtol=tol)
155 atol = 1e-4
157 atol = 1e-12
168 self.assertAllClose(self.evaluate(a_ev), a, atol=atol)
172 self.evaluate(tf_v), atol)
176 np.sort(np_e, -1), np.sort(self.evaluate(tf_e), -1), atol=atol)
239 self.assertAllClose(theoretical, numerical, atol=tol, rtol=tol)
Deig_op_test.py91 np.matmul(v, v.transpose()), np.eye(32, dtype=np.float32), atol=2e-3)
131 self.assertAllClose(x, y, atol=tol)
143 self.assertAllClose(x_ei, y_ei, atol=tol, rtol=tol)
163 atol = 1e-4
165 atol = 1e-12
177 self.assertAllClose(self.evaluate(a_ev), a, atol=atol)
181 self.evaluate(tf_v), atol)
187 atol=atol)
253 self.assertAllClose(theoretical, numerical, atol=tol, rtol=tol)
Dreduction_ops_test.py177 def _compareGradient(self, x, reduction_axes, rtol=1e-8, atol=1e-8): argument
180 self._compareGradient(x, reduction_axes[0], rtol=rtol, atol=atol)
186 self.assertAllClose(jacob_t, jacob_n, rtol=rtol, atol=atol)
188 def _compareGradientAxes(self, x, rtol=1e-8, atol=1e-8): argument
189 self._compareGradient(x, None, rtol=rtol, atol=atol)
190 self._compareGradient(x, [], rtol=rtol, atol=atol)
191 self._compareGradient(x, 0, rtol=rtol, atol=atol)
192 self._compareGradient(x, [1], rtol=rtol, atol=atol)
193 self._compareGradient(x, [2], rtol=rtol, atol=atol)
194 self._compareGradient(x, [1, 2], rtol=rtol, atol=atol)
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/signal/
Dfft_ops_test.py47 rtol=1e-4, atol=1e-4): argument
48 self._compare_forward(x, rank, fft_length, use_placeholder, rtol, atol)
49 self._compare_backward(x, rank, fft_length, use_placeholder, rtol, atol)
52 rtol=1e-4, atol=1e-4): argument
63 self.assertAllClose(x_np, x_tf, rtol=rtol, atol=atol)
66 rtol=1e-4, atol=1e-4): argument
77 self.assertAllClose(x_np, x_tf, rtol=rtol, atol=atol)
86 rtol=1e-2, atol=1e-2): argument
105 self.assertAllClose(x_jacob_t, x_jacob_n, rtol=rtol, atol=atol)
106 self.assertAllClose(y_jacob_t, y_jacob_n, rtol=rtol, atol=atol)
[all …]
Ddct_ops_test.py152 def _compare(self, signals, n, norm, dct_type, atol, rtol): argument
157 self.assertAllClose(np_dct, tf_dct, atol=atol, rtol=rtol)
161 self.assertAllClose(np_idct, tf_idct, atol=atol, rtol=rtol)
164 self.assertAllClose(scipy_dct, tf_dct, atol=atol, rtol=rtol)
166 self.assertAllClose(scipy_idct, tf_idct, atol=atol, rtol=rtol)
180 self.assertAllClose(signals, tf_idct_dct, atol=atol, rtol=rtol)
181 self.assertAllClose(signals, tf_dct_idct, atol=atol, rtol=rtol)
199 rtol=tol, atol=tol)
/external/tensorflow/tensorflow/python/kernel_tests/distributions/
Dspecial_math_test.py105 self.assertAllClose(expected_x, self.evaluate(x), atol=0.)
121 self.assertAllClose(expected_x_, x_, atol=0.)
156 _error32 = ErrorSpec(rtol=1e-4, atol=0.)
157 _error64 = ErrorSpec(rtol=1e-6, atol=0.)
189 atol=error_spec.atol)
215 atol=error_spec.atol)
230 _error32 = ErrorSpec(rtol=1e-4, atol=0.)
231 _error64 = ErrorSpec(rtol=1e-4, atol=0.)
245 _error32 = ErrorSpec(rtol=0.1, atol=1e-7)
246 _error64 = ErrorSpec(rtol=0.1, atol=1e-7)
[all …]
/external/tensorflow/tensorflow/python/ops/parallel_for/
Dtest_util.py42 def run_and_assert_equal(self, targets1, targets2, rtol=1e-4, atol=1e-5): argument
48 self.assertAllClose(outputs[i + n], outputs[i], rtol=rtol, atol=atol)
58 atol=1e-5): argument
67 self.run_and_assert_equal(t1, t2, rtol=rtol, atol=atol)
/external/tensorflow/tensorflow/python/keras/mixed_precision/
Dlayer_correctness_test.py151 def test_layer(self, f32_layer_fn, input_shape, rtol=2e-3, atol=2e-3, argument
223 mp_output, f32_output, rtol=rtol, atol=atol)
226 atol=atol)
236 mp_model.get_weights(), f32_weights, rtol=rtol, atol=atol)
238 distributed_mp_model.get_weights(), f32_weights, rtol=rtol, atol=atol)
/external/tensorflow/tensorflow/python/keras/integration_test/
Dforwardprop_test.py132 atol=1e-6): argument
145 atol=atol)
147 testcase.assertAllClose(num_jac, sym_jac_back, rtol=rtol, atol=atol)
149 testcase.assertAllClose(num_jac, sym_jac_fwd, rtol=rtol, atol=atol)
163 def testKerasLayers(self, value, op_fn, atol=1e-6): argument
181 atol=atol,
200 atol=1e-3)
266 self.assertAllClose(*_compute_hvps(), rtol=1e-5, atol=1e-5)
/external/ltp/testcases/kernel/fs/mongo/
Dreiser_fract_tree.c478 bytes_to_consume = atol(argv[1]); in main()
479 max_file_size = atol(argv[3]); in main()
480 median_file_size = atol(argv[2]); in main()
489 stats = atol(argv[10]); in main()
490 median_dir_branching = atol(argv[6]); in main()
491 max_dir_branching = atol(argv[7]); in main()
492 median_dir_nr_files = atol(argv[4]); in main()
493 max_dir_nr_files = atol(argv[5]); in main()
/external/tensorflow/tensorflow/python/keras/legacy_tf_layers/
Dnormalization_test.py165 self.assertAllClose(test_var, ref_var, rtol=1.e-3, atol=1.e-3)
166 self.assertAllClose(test_loss, ref_loss, rtol=1.e-3, atol=1.e-3)
215 self.assertAllClose(var_fused, var_nonfused, atol=1e-5)
223 self.assertAllClose(loss_fused_val, loss_nonfused_val, atol=1e-6, rtol=3e-4)
348 self.assertAllClose(mean, moving_mean, atol=1e-2)
349 self.assertAllClose(variance, moving_var, atol=1e-2)
389 self.assertAllClose(mean, moving_mean, atol=1e-2)
390 self.assertAllClose(variance, moving_var, atol=1e-2)
431 self.assertAllClose(mean, moving_mean, atol=1e-2)
432 self.assertAllClose(variance, moving_var, atol=1e-2)
[all …]
/external/libiio/src/iiod/
Dparser.y179 unsigned long samples_count = atol(nb);
191 unsigned long samples_count = atol(nb);
278 unsigned long nb = atol(len);
289 unsigned long nb = atol(len);
304 unsigned long nb = atol(len);
315 unsigned long nb = atol(len);
327 unsigned long nb = atol(len);
338 unsigned long nb = atol(len);
350 unsigned long nb = atol(len);
361 unsigned long nb = atol(len);
[all …]
/external/tensorflow/tensorflow/python/keras/utils/
Dkernelized_utils_test.py54 self.assertAllClose(expected_values, exact_kernel, atol=1e-6)
68 self.assertAllClose(expected_values, exact_kernel, atol=1e-3)
82 self.assertAllClose(expected_values, exact_kernel, atol=1e-2)
97 self.assertAllClose(expected_values, exact_kernel, atol=1e-2)
112 self.assertAllClose(expected_values, exact_kernel, atol=1e-2)
/external/scapy/scapy/
Droute.py18 from scapy.utils import atol, ltoa, itom, pretty_list
70 return (atol(thenet), itom(msk), gw, dev, ifaddr, metric)
94 the_rawaddr = atol(the_addr)
129 the_rawaddr = atol(the_addr)
152 dst = atol(dst)
157 aa = atol(a)
189 bcast = atol(addr)|(~msk&0xffffffff); # FIXME: check error in atol()
/external/llvm-project/compiler-rt/test/asan/TestCases/
Datol_strict.c21 long r = atol(array); in test1()
28 long r = atol(array + 9); in test2()
37 long r = atol(array); in test3()
/external/compiler-rt/test/asan/TestCases/
Datol_strict.c21 long r = atol(array); in test1()
28 long r = atol(array + 9); in test2()
37 long r = atol(array); in test3()

12345678910>>...16