Searched refs:atol (Results 1 - 25 of 319) sorted by relevance

1234567891011>>

/external/syslinux/com32/lib/
H A Datol.c2 #define NAME atol
/external/tensorflow/tensorflow/core/framework/
H A Dtensor_testutil.cc23 bool IsClose(const T& x, const T& y, double atol, double rtol) { argument
25 return x == y || std::abs(x - y) < atol + rtol * std::abs(x);
29 void ExpectClose(const Tensor& x, const Tensor& y, double atol, double rtol) { argument
33 if (!IsClose(Tx(i), Ty(i), atol, rtol)) {
36 LOG(ERROR) << "atol = " << atol << " rtol = " << rtol
37 << " tol = " << atol + rtol * std::abs(Tx(i));
44 void ExpectClose(const Tensor& x, const Tensor& y, double atol, double rtol) { argument
48 ExpectClose<float>(x, y, atol, rtol);
51 ExpectClose<double>(x, y, atol, rto
[all...]
/external/compiler-rt/test/asan/TestCases/
H A Datol_strict.c1 // Test strict_string_checks option in atol function
21 long r = atol(array);
28 long r = atol(array + 9);
37 long r = atol(array);
/external/toybox/toys/other/
H A Dusleep.c21 long delay = atol(*toys.optargs);
/external/tensorflow/tensorflow/python/ops/distributions/
H A Dbijector_test_util.py149 inverse_forward_x_v, uniform_x_samps_v, atol=1e-5, rtol=1e-3)
151 forward_inverse_y_v, uniform_y_samps_v, atol=1e-5, rtol=1e-3)
154 upper_x - lower_x, change_measure_dy_dx_v, atol=0, rtol=rtol)
158 dy_dx_v, np.divide(1., dx_dy_v), atol=1e-5, rtol=1e-3)
161 def assert_bijective_and_finite(bijector, x, y, atol=0, rtol=1e-5, sess=None):
171 atol: Absolute tolerance.
217 np.testing.assert_allclose(x_from_x, x, atol=atol, rtol=rtol)
218 np.testing.assert_allclose(y_from_y, y, atol=atol, rto
[all...]
/external/tensorflow/tensorflow/contrib/distributions/python/ops/
H A Dtest_util.py44 rtol=1e-2, atol=0.):
74 atol: Python `float`-type indicating the admissible absolute error between
101 rtol=rtol, atol=atol)
106 rtol=1e-2, atol=0.):
125 atol: Python `float`-type indicating the admissible absolute error between
150 self.assertAllClose(mean_, sample_mean_, rtol=rtol, atol=atol)
151 self.assertAllClose(variance_, sample_variance_, rtol=rtol, atol=atol)
[all...]
H A Ddeterministic.py48 atol=None,
56 The `atol` and `rtol` parameters allow for some slack in `pmf`, `cdf`
61 = 1, if Abs(x - loc) <= atol + rtol * Abs(loc),
68 atol: Non-negative `Tensor` of same `dtype` as `loc` and broadcastable
90 with ops.name_scope(name, values=[loc, atol, rtol]):
111 self._atol = self._get_tol(atol)
115 self._slack = self.atol
117 self._slack = self.atol + self.rtol * math_ops.abs(self.loc)
137 def atol(self): member in class:_BaseDeterministic
208 atol
[all...]
/external/ltp/testcases/kernel/fs/mongo/
H A Dsumm.c20 n = atol(str);
H A Dreiser_fract_tree.c478 bytes_to_consume = atol(argv[1]);
479 max_file_size = atol(argv[3]);
480 median_file_size = atol(argv[2]);
489 stats = atol(argv[10]);
490 median_dir_branching = atol(argv[6]);
491 max_dir_branching = atol(argv[7]);
492 median_dir_nr_files = atol(argv[4]);
493 max_dir_nr_files = atol(argv[5]);
/external/tensorflow/tensorflow/contrib/boosted_trees/python/utils/
H A Dlosses_test.py61 self.assertAllClose(np.exp(np.ones([2, 1])), pos_loss[:2], atol=1e-4)
62 self.assertAllClose(np.exp(-np.ones([2, 1])), neg_loss[:2], atol=1e-4)
67 self.assertAllClose(np.exp(-np.ones([4, 1])), pos_loss[6:10], atol=1e-4)
68 self.assertAllClose(np.exp(np.ones([4, 1])), neg_loss[6:10], atol=1e-4)
75 pos_loss[2:6], atol=1e-4)
78 neg_loss[2:6], atol=1e-4)
93 np.square(labels[:5] - predictions[:5]), loss[:5], atol=1e-4)
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/bijectors/
H A Dsigmoid_test.py39 self.assertAllClose(y, Sigmoid().forward(x).eval(), atol=0., rtol=1e-2)
40 self.assertAllClose(x, Sigmoid().inverse(y).eval(), atol=0., rtol=1e-4)
42 atol=0., rtol=1e-6)
44 atol=0., rtol=1e-4)
55 assert_bijective_and_finite(Sigmoid(), x, y, atol=0., rtol=1e-4)
H A Dpermute_test.py61 self.assertAllClose(expected_y, y_, rtol=1e-6, atol=0)
62 self.assertAllClose(expected_x, x_, rtol=1e-6, atol=0)
63 self.assertAllClose(0., fldj, rtol=1e-6, atol=0)
64 self.assertAllClose(0., ildj, rtol=1e-6, atol=0)
84 assert_bijective_and_finite(bijector, x, y, rtol=1e-6, atol=0)
H A Dreshape_test.py72 self.assertAllClose(expected_y, y_, rtol=1e-6, atol=0)
73 self.assertAllClose(expected_x, x_, rtol=1e-6, atol=0)
74 self.assertAllClose(0., fldj_, rtol=1e-6, atol=0)
75 self.assertAllClose(0., ildj_, rtol=1e-6, atol=0)
123 self.assertAllClose(expected_y, y_, rtol=1e-6, atol=0)
124 self.assertAllClose(expected_x, x_, rtol=1e-6, atol=0)
125 self.assertAllClose(expected_y_scalar, y_scalar_, rtol=1e-6, atol=0)
126 self.assertAllClose(expected_x_scalar, x_scalar_, rtol=1e-6, atol=0)
227 self.assertAllClose(expected_y, y_, rtol=1e-6, atol=0)
228 self.assertAllClose(expected_x, x_, rtol=1e-6, atol
[all...]
/external/tensorflow/tensorflow/python/kernel_tests/
H A Dlinalg_ops_test.py54 for np_type, atol in [(np.float32, 0.05), (np.float64, 1e-5)]:
65 rhs, math_ops.matmul(array, x).eval(), atol=atol)
75 for np_dtype, atol in [(np.float32, 0.05), (np.float64, 1e-5),
85 self.assertAllClose(logdet_np, logdet_tf.eval(), atol=atol)
88 for np_dtype, atol in [(np.float32, 0.05), (np.float64, 1e-5),
94 self.assertAllClose(logdet_np, logdet_tf.eval(), atol=atol)
104 for np_dtype, atol i
[all...]
H A Dcross_grad_test.py40 self.assertAllClose(jacob_u[0], jacob_u[1], rtol=1e-3, atol=1e-3)
41 self.assertAllClose(jacob_v[0], jacob_v[1], rtol=1e-3, atol=1e-3)
H A Ddct_ops_test.py64 def _compare(self, signals, norm, atol=5e-4, rtol=5e-4):
68 self.assertAllClose(np_dct, tf_dct, atol=atol, rtol=rtol)
71 self.assertAllClose(scipy_dct, tf_dct, atol=atol, rtol=rtol)
/external/libmtp/examples/
H A Dnewfolder.c45 newid = LIBMTP_Create_Folder(device, argv[1], atol(argv[2]), atol(argv[3]));
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
H A Dmvn_diag_plus_low_rank_test.py315 atol=0., rtol=0.02)
317 atol=0., rtol=1e-6)
320 atol=0., rtol=0.02)
322 atol=0., rtol=1e-6)
325 atol=0., rtol=0.02)
327 atol=0., rtol=1e-6)
330 atol=0., rtol=0.02)
332 atol=0., rtol=1e-6)
335 atol=0., rtol=1e-6)
338 atol
[all...]
/external/tensorflow/tensorflow/compiler/tests/
H A Dcholesky_op_test.py37 def _verifyCholeskyBase(self, sess, placeholder, x, chol, verification, atol):
39 self.assertAllClose(x, verification_np, atol=atol)
47 self.assertAllClose(chol_matrix, np.tril(chol_matrix), atol=atol)
50 def _verifyCholesky(self, x, atol=1e-6):
58 self._verifyCholeskyBase(sess, placeholder, x, chol, verification, atol)
79 self._verifyCholesky(matrices, atol=1e-4)
105 self._verifyCholesky(data, atol=1e-4)
122 self._verifyCholesky(matrix, atol
[all...]
H A Dmatrix_triangular_solve_op_test.py42 atol):
45 self.assertAllClose(b, verification_np, atol=atol)
47 def _VerifyTriangularSolve(self, a, b, lower, adjoint, atol):
59 verification, atol)
61 def _VerifyTriangularSolveCombo(self, a, b, atol=1e-4):
65 a if lower else transp(a), b, lower, adjoint, atol)
98 a.astype(dtype), b.astype(dtype), atol=1e-3)
/external/tensorflow/tensorflow/contrib/linear_optimizer/python/kernel_tests/
H A Dsdca_ops_test.py231 self.assertAllClose(0.411608, unregularized_loss.eval(), atol=0.05)
232 self.assertAllClose(0.525457, loss.eval(), atol=0.01)
236 0.01, lr.approximate_duality_gap().eval(), rtol=1e-2, atol=1e-2)
294 self.assertAllClose(0.411608, unregularized_loss.eval(), atol=0.05)
295 self.assertAllClose(0.525457, loss.eval(), atol=0.01)
339 self.assertAllClose(0.40244, unregularized_loss.eval(), atol=0.01)
340 self.assertAllClose(0.40244, loss.eval(), atol=0.01)
344 0.01, lr.approximate_duality_gap().eval(), rtol=1e-2, atol=1e-2)
393 self.assertAllClose(0.411608, unregularized_loss.eval(), atol=0.05)
394 self.assertAllClose(0.525457, loss.eval(), atol
[all...]
/external/strace/tests/
H A Dqual_inject-retval.c59 if (atol(argv[1]) != rval)
/external/strace/tests-m32/
H A Dqual_inject-retval.c59 if (atol(argv[1]) != rval)
/external/strace/tests-mx32/
H A Dqual_inject-retval.c59 if (atol(argv[1]) != rval)
/external/tensorflow/tensorflow/python/kernel_tests/distributions/
H A Dspecial_math_test.py69 ErrorSpec = collections.namedtuple("ErrorSpec", ["rtol", "atol"])
92 self.assertAllClose(expected_x, x.eval(), atol=0.)
107 self.assertAllClose(expected_x_, x_, atol=0.)
137 _error32 = ErrorSpec(rtol=1e-4, atol=0.)
138 _error64 = ErrorSpec(rtol=1e-6, atol=0.)
171 atol=error_spec.atol)
198 atol=error_spec.atol)
211 _error32 = ErrorSpec(rtol=1e-4, atol
[all...]

Completed in 849 milliseconds

1234567891011>>