/external/tensorflow/tensorflow/contrib/estimator/python/estimator/ |
D | multi_head_test.py | 52 tol=1e-6): argument 65 }, rtol=tol, atol=tol) 321 tol = 1e-3 328 self.assertAllClose(expected_loss, loss, rtol=tol, atol=tol) 330 self.assertAllClose(expected_metrics, metrics, rtol=tol, atol=tol) 333 rtol=tol, 334 atol=tol) 347 tol = 1e-3 351 self.assertAllClose(17.5, loss.eval(), rtol=tol, atol=tol) 382 tol = 1e-3 [all …]
|
D | head_test.py | 59 tol=1e-6): argument 72 }, rtol=tol, atol=tol) 418 tol = 1e-3 425 self.assertAllClose(expected_loss, loss, rtol=tol, atol=tol) 427 self.assertAllClose(expected_metrics, metrics, rtol=tol, atol=tol) 430 rtol=tol, 431 atol=tol) 635 tol = 1e-3 642 self.assertAllClose(expected_loss, loss, rtol=tol, atol=tol) 644 self.assertAllClose(expected_metrics, metrics, rtol=tol, atol=tol) [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | svd_op_test.py | 85 def CompareSingularValues(self, x, y, tol): argument 86 self.assertAllClose(x, y, atol=(x[0] + y[0]) * tol) 88 def CompareSingularVectors(self, x, y, rank, tol): argument 103 self.assertAllClose(x, y, atol=2 * tol) 105 def CheckApproximation(self, a, u, s, v, full_matrices_, tol): argument 120 self.assertAllClose(a_recon.eval(), a, rtol=tol, atol=tol) 122 def CheckUnitary(self, x, tol): argument 126 self.assertAllClose(identity.eval(), xx.eval(), atol=tol) 131 tol = 3e-4 if is_single else 1e-12 134 tol *= 100 [all …]
|
D | qr_op_test.py | 98 tol = 1e-5 100 tol = 1e-14 103 self.assertAllClose(a_recon.eval(), a, rtol=tol, atol=tol) 110 tol = 1e-5 112 tol = 1e-14 113 self.assertAllClose(identity.eval(), xx.eval(), atol=tol) 173 tol = 3e-2 175 tol = 1e-6 192 self.assertAllClose(theoretical, numerical, atol=tol, rtol=tol)
|
D | tensordot_op_test.py | 160 tol = 0.05 162 tol = 1e-5 164 tol = 1e-12 182 self.assertAllClose(tf_ans, np_ans, rtol=tol, atol=tol) 189 tol = 0.05 191 tol = 1e-5 193 tol = 1e-12 212 self.assertAllClose(tf_ans, np_ans, rtol=tol, atol=tol)
|
D | self_adjoint_eig_op_test.py | 104 def CompareEigenVectors(self, x, y, tol): argument 106 self.assertAllClose(x, y, atol=tol) 108 def CompareEigenDecompositions(self, x_e, x_v, y_e, y_v, tol): argument 118 self.assertAllClose(x_ei, y_ei, atol=tol, rtol=tol) 119 CompareEigenVectors(self, x_vi, y_vi, tol) 184 tol = 1e-2 186 tol = 1e-7 219 self.assertAllClose(theoretical, numerical, atol=tol, rtol=tol)
|
D | aggregate_ops_test.py | 65 tol = 5e-3 if dtype == dtypes.float16 else 5e-7 66 self.assertAllClose(expected, actual, rtol=tol, atol=tol) 78 tol = 5e-3 if dtype == dtypes.float16 else 5e-7 79 self.assertAllClose(expected, actual, rtol=tol, atol=tol)
|
/external/eigen/unsupported/test/ |
D | matrix_power.cpp | 13 void test2dRotation(const T& tol) in test2dRotation() argument 29 VERIFY(C.isApprox(B, tol)); in test2dRotation() 34 void test2dHyperbolicRotation(const T& tol) in test2dHyperbolicRotation() argument 51 VERIFY(C.isApprox(B, tol)); in test2dHyperbolicRotation() 56 void test3dRotation(const T& tol) in test3dRotation() argument 65 VERIFY(AngleAxis<T>(angle, v).matrix().isApprox(AngleAxis<T>(1,v).matrix().pow(angle), tol)); in test3dRotation() 70 void testGeneral(const MatrixType& m, const typename MatrixType::RealScalar& tol) in testGeneral() argument 87 VERIFY(m4.isApprox(m5, tol)); in testGeneral() 91 VERIFY(m4.isApprox(m5, tol)); in testGeneral() 95 VERIFY(m4.isApprox(m5, tol)); in testGeneral() [all …]
|
D | matrix_exponential.cpp | 27 void test2dRotation(double tol) in test2dRotation() argument 40 VERIFY(C.isApprox(B, static_cast<T>(tol))); in test2dRotation() 44 VERIFY(C.isApprox(B, static_cast<T>(tol))); in test2dRotation() 49 void test2dHyperbolicRotation(double tol) in test2dHyperbolicRotation() argument 65 VERIFY(C.isApprox(B, static_cast<T>(tol))); in test2dHyperbolicRotation() 69 VERIFY(C.isApprox(B, static_cast<T>(tol))); in test2dHyperbolicRotation() 74 void testPascal(double tol) in testPascal() argument 89 VERIFY(C.isApprox(B, static_cast<T>(tol))); in testPascal() 93 VERIFY(C.isApprox(B, static_cast<T>(tol))); in testPascal() 98 void randomTest(const MatrixType& m, double tol) in randomTest() argument [all …]
|
/external/tensorflow/tensorflow/contrib/layers/python/layers/ |
D | normalization_test.py | 115 def doOutputTest(self, input_shape, data_format, tol=1e-3): argument 142 self.assertAllClose(expected_mean, mean, rtol=tol, atol=tol) 143 self.assertAllClose(expected_var, var, rtol=tol, atol=tol) 146 self.doOutputTest((10, 10, 10, 30), 'NHWC', tol=1e-2) 149 self.doOutputTest((10, 10, 10, 30), 'NCHW', tol=1e-2) 152 self.doOutputTest((1, 100, 100, 1), 'NHWC', tol=1e-3) 155 self.doOutputTest((1, 100, 100, 1), 'NCHW', tol=1e-3) 158 self.doOutputTest((10, 10, 10, 10, 30), 'NHWC', tol=1e-2) 161 self.doOutputTest((10, 10, 10, 10, 30), 'NCHW', tol=1e-2) 164 self.doOutputTest((1, 100, 100, 1, 1), 'NHWC', tol=1e-3) [all …]
|
/external/eigen/unsupported/Eigen/src/Eigenvalues/ |
D | ArpackSelfAdjointEigenSolver.h | 103 int options=ComputeEigenvectors, RealScalar tol=0.0) 111 compute(A, B, nbrEigenvalues, eigs_sigma, options, tol); in m_eivec() 138 int options=ComputeEigenvectors, RealScalar tol=0.0) 146 compute(A, nbrEigenvalues, eigs_sigma, options, tol); in m_eivec() 175 int options=ComputeEigenvectors, RealScalar tol=0.0); 201 int options=ComputeEigenvectors, RealScalar tol=0.0); 336 std::string eigs_sigma, int options, RealScalar tol) in compute() argument 339 compute(A, B, nbrEigenvalues, eigs_sigma, options, tol); in compute() 349 std::string eigs_sigma, int options, RealScalar tol) in compute() argument 509 internal::arpack_wrapper<Scalar, RealScalar>::saupd(&ido, bmat, &n, whch, &nev, &tol, resid, in compute() [all …]
|
/external/skia/tests/ |
D | ClipCubicTest.cpp | 45 float tol) { in CurvesAreEqual() argument 47 if (SkScalarAbs(c0[i].fX - c1[i].fX) > tol || in CurvesAreEqual() 48 SkScalarAbs(c0[i].fY - c1[i].fY) > tol in CurvesAreEqual() 84 const float tol = 1e-4f; in DEF_TEST() local 92 0, 0, 2, 3, 1, 10, 4, 12, shouldbe), tol)); in DEF_TEST() 100 0, 0, 2, 3, 1, 10, 4, 12, shouldbe), tol)); in DEF_TEST() 108 0, 0, 2, 3, 1, 10, 4, 12, shouldbe), tol)); in DEF_TEST() 126 shouldbe), tol)); in DEF_TEST() 138 shouldbe), tol)); in DEF_TEST() 150 shouldbe), tol)); in DEF_TEST() [all …]
|
D | PathCoverageTest.cpp | 59 static inline uint32_t compute_pointCount(SkScalar d, SkScalar tol) { in compute_pointCount() argument 60 if (d < tol) { in compute_pointCount() 63 int temp = SkScalarCeilToInt(SkScalarSqrt(d / tol)); in compute_pointCount() 74 static uint32_t quadraticPointCount_EC(const SkPoint points[], SkScalar tol) { in quadraticPointCount_EC() argument 76 return compute_pointCount(SkIntToScalar(distance), tol); in quadraticPointCount_EC() 84 static uint32_t quadraticPointCount_CC(const SkPoint points[], SkScalar tol) { in quadraticPointCount_CC() argument 86 return compute_pointCount(distance, tol); in quadraticPointCount_CC()
|
/external/skqp/tests/ |
D | ClipCubicTest.cpp | 45 float tol) { in CurvesAreEqual() argument 47 if (SkScalarAbs(c0[i].fX - c1[i].fX) > tol || in CurvesAreEqual() 48 SkScalarAbs(c0[i].fY - c1[i].fY) > tol in CurvesAreEqual() 84 const float tol = 1e-4f; in DEF_TEST() local 92 0, 0, 2, 3, 1, 10, 4, 12, shouldbe), tol)); in DEF_TEST() 100 0, 0, 2, 3, 1, 10, 4, 12, shouldbe), tol)); in DEF_TEST() 108 0, 0, 2, 3, 1, 10, 4, 12, shouldbe), tol)); in DEF_TEST() 126 shouldbe), tol)); in DEF_TEST() 138 shouldbe), tol)); in DEF_TEST() 150 shouldbe), tol)); in DEF_TEST() [all …]
|
D | PathCoverageTest.cpp | 59 static inline uint32_t compute_pointCount(SkScalar d, SkScalar tol) { in compute_pointCount() argument 60 if (d < tol) { in compute_pointCount() 63 int temp = SkScalarCeilToInt(SkScalarSqrt(d / tol)); in compute_pointCount() 74 static uint32_t quadraticPointCount_EC(const SkPoint points[], SkScalar tol) { in quadraticPointCount_EC() argument 76 return compute_pointCount(SkIntToScalar(distance), tol); in quadraticPointCount_EC() 84 static uint32_t quadraticPointCount_CC(const SkPoint points[], SkScalar tol) { in quadraticPointCount_CC() argument 86 return compute_pointCount(distance, tol); in quadraticPointCount_CC()
|
/external/python/cpython3/Lib/test/ |
D | test_statistics.py | 75 def approx_equal(x, y, tol=1e-12, rel=1e-7): argument 109 if tol < 0 or rel < 0: 124 allowed_error = max(tol, rel*max(abs(x), abs(y))) 183 tol = rel = 0 variable in NumericTestCase 186 self, first, second, tol=None, rel=None, msg=None argument 216 if tol is None: 217 tol = self.tol 227 check(first, second, tol, rel, msg) 229 def _check_approx_seq(self, first, second, tol, rel, msg): argument 238 self._check_approx_num(a, e, tol, rel, msg, i) [all …]
|
/external/tensorflow/tensorflow/contrib/solvers/python/kernel_tests/ |
D | linear_equations_test.py | 55 tol = 1e-6 if dtype_ == np.float64 else 1e-3 80 tol=tol, 95 self.assertLessEqual(norm_r, tol * norm_r0) 100 self.assertLessEqual(norm_r_np, tol * norm_r0) 106 self.assertAllClose(cg_results[0].r, cg_results[1].r, rtol=tol) 107 self.assertAllClose(cg_results[0].x, cg_results[1].x, rtol=tol) 108 self.assertAllClose(cg_results[0].p, cg_results[1].p, rtol=tol)
|
D | least_squares_test.py | 48 tol = 1e-12 if dtype_ == np.float64 else 1e-6 58 cgls_graph = least_squares.cgls(operator, rhs, tol=tol, max_iter=max_iter) 66 self.assertLessEqual(norm_s, tol * norm_s0) 71 self.assertLessEqual(norm_s_np, tol * norm_s0)
|
D | lanczos_test.py | 48 tol = 1e-12 if dtype_ == np.float64 else 1e-5 72 self.assertAllClose(av_val, ub_val, atol=tol, rtol=tol) 73 self.assertAllClose(atu_val, vbt_val, atol=tol, rtol=tol)
|
/external/eigen/unsupported/Eigen/src/LevenbergMarquardt/ |
D | LevenbergMarquardt.h | 135 const Scalar tol = std::sqrt(NumTraits<Scalar>::epsilon()) 141 const Scalar tol = std::sqrt(NumTraits<Scalar>::epsilon()) 346 const Scalar tol in lmder1() argument 353 if (n <= 0 || m < n || tol < 0.) in lmder1() 357 m_ftol = tol; in lmder1() 358 m_xtol = tol; in lmder1() 371 const Scalar tol in lmdif1() argument 378 if (n <= 0 || m < n || tol < 0.) in lmdif1() 384 lm.setFtol(tol); in lmdif1() 385 lm.setXtol(tol); in lmdif1()
|
/external/tensorflow/tensorflow/python/estimator/canned/ |
D | head_test.py | 64 tol=1e-6): argument 77 }, rtol=tol, atol=tol) 536 tol = 1e-2 543 self.assertAllClose(expected_loss, loss, rtol=tol, atol=tol) 545 self.assertAllClose(expected_metrics, metrics, rtol=tol, atol=tol) 549 rtol=tol, 550 atol=tol) 602 tol = 1e-2 609 self.assertAllClose(expected_regularized_loss, loss, rtol=tol, atol=tol) 611 self.assertAllClose(expected_metrics, metrics, rtol=tol, atol=tol) [all …]
|
/external/tensorflow/tensorflow/contrib/distributions/python/ops/ |
D | deterministic.py | 119 def _get_tol(self, tol): argument 120 if tol is None: 123 tol = ops.convert_to_tensor(tol, dtype=self.loc.dtype) 125 tol = control_flow_ops.with_dependencies([ 127 tol, message="Argument 'tol' must be non-negative") 128 ], tol) 129 return tol
|
/external/tensorflow/tensorflow/contrib/solvers/python/ops/ |
D | least_squares.py | 32 def cgls(operator, rhs, tol=1e-6, max_iter=20, name="cgls"): argument 81 return math_ops.logical_and(i < max_iter, state.gamma > tol) 100 tol = tol * tol * gamma0
|
/external/eigen/bench/spbench/ |
D | spbenchsolver.cpp | 62 double tol = 1e-08; in main() local 65 tol = atof(inval.c_str()); in main() 71 Browse_Matrices<double>(matrix_dir, statFileExists, statFile,maxiters, tol); in main() 74 Browse_Matrices<std::complex<double> >(matrix_dir, statFileExists, statFile, maxiters, tol); in main()
|
/external/skia/samplecode/ |
D | SamplePath.cpp | 306 const SkScalar tol = 4; in onFindClickHandler() local 307 const SkRect r = SkRect::MakeXYWH(x - tol, y - tol, tol * 2, tol * 2); in onFindClickHandler() 440 const SkScalar tol = 4; in onFindClickHandler() local 441 const SkRect r = SkRect::MakeXYWH(x - tol, y - tol, tol * 2, tol * 2); in onFindClickHandler()
|