/external/llvm/test/CodeGen/X86/ |
D | fp-select-cmp-and.ll | 3 define double @test1(double %a, double %b, double %eps) { 4 %cmp = fcmp olt double %a, %eps 13 define double @test2(double %a, double %b, double %eps) { 14 %cmp = fcmp ole double %a, %eps 23 define double @test3(double %a, double %b, double %eps) { 24 %cmp = fcmp ogt double %a, %eps 33 define double @test4(double %a, double %b, double %eps) { 34 %cmp = fcmp oge double %a, %eps 43 define double @test5(double %a, double %b, double %eps) { 44 %cmp = fcmp olt double %a, %eps [all …]
|
/external/webrtc/webrtc/modules/audio_coding/codecs/opus/ |
D | audio_encoder_opus_unittest.cc | 133 const double eps = 1e-15; in TEST_F() local 138 TestSetPacketLossRate(encoder_.get(), I(0.00 , 0.01 - eps), 0.00); in TEST_F() 139 TestSetPacketLossRate(encoder_.get(), I(0.01 + eps, 0.06 - eps), 0.01); in TEST_F() 140 TestSetPacketLossRate(encoder_.get(), I(0.06 + eps, 0.11 - eps), 0.05); in TEST_F() 141 TestSetPacketLossRate(encoder_.get(), I(0.11 + eps, 0.22 - eps), 0.10); in TEST_F() 142 TestSetPacketLossRate(encoder_.get(), I(0.22 + eps, 1.00 ), 0.20); in TEST_F() 144 TestSetPacketLossRate(encoder_.get(), I(1.00 , 0.18 + eps), 0.20); in TEST_F() 145 TestSetPacketLossRate(encoder_.get(), I(0.18 - eps, 0.09 + eps), 0.10); in TEST_F() 146 TestSetPacketLossRate(encoder_.get(), I(0.09 - eps, 0.04 + eps), 0.05); in TEST_F() 147 TestSetPacketLossRate(encoder_.get(), I(0.04 - eps, 0.01 + eps), 0.01); in TEST_F() [all …]
|
/external/opencv3/modules/ts/include/opencv2/ts/ |
D | cuda_test.hpp | 110 … expr1, const char* expr2, const char* eps_expr, cv::InputArray m1, cv::InputArray m2, double eps); 112 #define EXPECT_MAT_NEAR(m1, m2, eps) EXPECT_PRED_FORMAT3(cvtest::assertMatNear, m1, m2, eps) argument 113 #define ASSERT_MAT_NEAR(m1, m2, eps) ASSERT_PRED_FORMAT3(cvtest::assertMatNear, m1, m2, eps) argument 115 #define EXPECT_SCALAR_NEAR(s1, s2, eps) \ argument 117 EXPECT_NEAR(s1[0], s2[0], eps); \ 118 EXPECT_NEAR(s1[1], s2[1], eps); \ 119 EXPECT_NEAR(s1[2], s2[2], eps); \ 120 EXPECT_NEAR(s1[3], s2[3], eps); \ 122 #define ASSERT_SCALAR_NEAR(s1, s2, eps) \ argument 124 ASSERT_NEAR(s1[0], s2[0], eps); \ [all …]
|
D | ocl_test.hpp | 91 #define EXPECT_MAT_NORM(mat, eps) \ argument 94 EXPECT_LE(TestUtils::checkNorm1(mat), eps) \ 97 #define EXPECT_MAT_NEAR(mat1, mat2, eps) \ argument 102 EXPECT_LE(TestUtils::checkNorm2(mat1, mat2), eps) \ 106 #define EXPECT_MAT_NEAR_RELATIVE(mat1, mat2, eps) \ argument 111 EXPECT_LE(TestUtils::checkNormRelative(mat1, mat2), eps) \ 126 #define OCL_EXPECT_MATS_NEAR(name, eps) \ argument 131 EXPECT_LE(TestUtils::checkNorm2(name ## _roi, u ## name ## _roi), eps) \ 140 EXPECT_LE(TestUtils::checkNorm2(name, u ## name, _mask), eps) \ 144 #define OCL_EXPECT_MATS_NEAR_RELATIVE(name, eps) \ argument [all …]
|
/external/v8/test/mjsunit/ |
D | number-limits.js | 30 var i; var eps; 31 for (i = 0, eps = 1; i < 1100; i++, eps /= 2) { 32 var mulAboveMax = Number.MAX_VALUE * (1 + eps); 33 var addAboveMax = Number.MAX_VALUE + 1/eps; 34 var mulBelowMin = Number.MIN_VALUE * (1 - eps); 35 var addBelowMin = Number.MIN_VALUE - eps;
|
/external/opencv3/modules/calib3d/test/ |
D | test_compose_rt.cpp | 54 : rv1(rv1_), tv1(tv1_), rv2(rv2_), tv2(tv2_), eps(eps_), ev(3, 1) {} in Differential() 62 ev.setTo(Scalar(0)); ev(i, 0) = eps; in dRv1() 70 dr3_dr1 /= 2 * eps; dt3_dr1 /= 2 * eps; in dRv1() 79 ev.setTo(Scalar(0)); ev(i, 0) = eps; in dRv2() 87 dr3_dr2 /= 2 * eps; dt3_dr2 /= 2 * eps; in dRv2() 96 ev.setTo(Scalar(0)); ev(i, 0) = eps; in dTv1() 104 drt3_dt1 /= 2 * eps; dt3_dt1 /= 2 * eps; in dTv1() 113 ev.setTo(Scalar(0)); ev(i, 0) = eps; in dTv2() 121 dr3_dt2 /= 2 * eps; dt3_dt2 /= 2 * eps; in dTv2() 126 double eps; member in Differential [all …]
|
D | test_cameracalibration_artificial.cpp | 102 bool checkErr(double a, double a0, double eps, double delta) in checkErr() argument 104 return fabs(a - a0) > eps * (fabs(a0) + delta); in checkErr() 122 const double eps = 1e-2; in compareCameraMatrs() local 125 bool fail = checkErr(fx_e, fx, eps, dlt) || checkErr(fy_e, fy, eps, dlt) || in compareCameraMatrs() 126 checkErr(cx_e, cx, eps, dlt) || checkErr(cy_e, cy, eps, dlt); in compareCameraMatrs() 146 const double eps = 5e-2; in compareDistCoeffs() local 152 …bool fail = checkErr(k1_e, k1, eps, dlt) || checkErr(k2_e, k2, eps, dlt) || checkErr(k3_e, k3, eps… in compareDistCoeffs() 153 checkErr(p1_e, p1, eps, dlt) || checkErr(p2_e, p2, eps, dlt); in compareDistCoeffs() 167 const double eps = 1e-2; in compareShiftVecs() local 177 if (norm(tvec_est - tvec) > eps* (norm(tvec) + dlt)) in compareShiftVecs() [all …]
|
/external/opencv3/modules/imgproc/perf/opencl/ |
D | perf_pyramid.cpp | 66 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5; in OCL_PERF_TEST_P() local 76 SANITY_CHECK(dst, eps); in OCL_PERF_TEST_P() 90 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5; in OCL_PERF_TEST_P() local 100 SANITY_CHECK(dst, eps); in OCL_PERF_TEST_P() 113 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5; in OCL_PERF_TEST_P() local 125 SANITY_CHECK(dst0, eps); in OCL_PERF_TEST_P() 126 SANITY_CHECK(dst1, eps); in OCL_PERF_TEST_P() 127 SANITY_CHECK(dst2, eps); in OCL_PERF_TEST_P() 128 SANITY_CHECK(dst3, eps); in OCL_PERF_TEST_P() 129 SANITY_CHECK(dst4, eps); in OCL_PERF_TEST_P()
|
D | perf_imgwarp.cpp | 75 … const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : interpolation == INTER_CUBIC ? 2e-3 : 1e-4; in OCL_PERF_TEST_P() local 84 SANITY_CHECK(dst, eps); in OCL_PERF_TEST_P() 107 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-4; in OCL_PERF_TEST_P() local 116 SANITY_CHECK(dst, eps); in OCL_PERF_TEST_P() 134 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-4; variable 144 SANITY_CHECK(dst, eps); 158 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-4; variable 168 SANITY_CHECK(dst, eps); 183 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-4; in OCL_PERF_TEST_P() local 208 SANITY_CHECK(dst, eps); in OCL_PERF_TEST_P()
|
D | perf_filters.cpp | 68 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5; variable 77 SANITY_CHECK(dst, eps); 93 const double eps = ddepth == CV_32S ? 0 : 5e-5; variable 102 SANITY_CHECK(dst, eps); 115 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 2e-5; variable 124 SANITY_CHECK(dst, eps); 227 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5; in OCL_PERF_TEST_P() local 236 SANITY_CHECK(dst, eps); in OCL_PERF_TEST_P() 249 const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 2 + DBL_EPSILON : 3e-4; variable 258 SANITY_CHECK(dst, eps); [all …]
|
/external/opencv3/modules/java/android_test/src/org/opencv/test/ |
D | OpenCVTestCase.java | 312 public static void assertMatEqual(Mat expected, Mat actual, double eps) { in assertMatEqual() argument 313 compareMats(expected, actual, eps, true); in assertMatEqual() 316 public static void assertMatNotEqual(Mat expected, Mat actual, double eps) { in assertMatNotEqual() argument 317 compareMats(expected, actual, eps, false); in assertMatNotEqual() 320 public static void assertKeyPointEqual(KeyPoint expected, KeyPoint actual, double eps) { in assertKeyPointEqual() argument 322 assertTrue(msg, Math.hypot(expected.pt.x - actual.pt.x, expected.pt.y - actual.pt.y) < eps); in assertKeyPointEqual() 323 assertTrue(msg, Math.abs(expected.size - actual.size) < eps); in assertKeyPointEqual() 324 assertTrue(msg, Math.abs(expected.angle - actual.angle) < eps); in assertKeyPointEqual() 325 assertTrue(msg, Math.abs(expected.response - actual.response) < eps); in assertKeyPointEqual() 336 public static void assertDMatchEqual(DMatch expected, DMatch actual, double eps) { in assertDMatchEqual() argument [all …]
|
/external/opencv3/modules/imgproc/perf/ |
D | perf_pyramids.cpp | 17 const double eps = CV_MAT_DEPTH(matType) <= CV_32S ? 1 : 1e-5; in PERF_TEST_P() local 27 SANITY_CHECK(dst, eps, error_type); in PERF_TEST_P() 38 const double eps = CV_MAT_DEPTH(matType) <= CV_32S ? 1 : 1e-5; in PERF_TEST_P() local 48 SANITY_CHECK(dst, eps, error_type); in PERF_TEST_P() 60 const double eps = CV_MAT_DEPTH(matType) <= CV_32S ? 1 : 1e-5; in PERF_TEST_P() local 71 SANITY_CHECK(dst0, eps, error_type); in PERF_TEST_P() 72 SANITY_CHECK(dst1, eps, error_type); in PERF_TEST_P() 73 SANITY_CHECK(dst2, eps, error_type); in PERF_TEST_P() 74 SANITY_CHECK(dst3, eps, error_type); in PERF_TEST_P() 75 SANITY_CHECK(dst4, eps, error_type); in PERF_TEST_P()
|
/external/opencv3/modules/java/pure_test/src/org/opencv/test/ |
D | OpenCVTestCase.java | 342 public static void assertMatEqual(Mat expected, Mat actual, double eps) { in assertMatEqual() argument 343 compareMats(expected, actual, eps, true); in assertMatEqual() 346 public static void assertMatNotEqual(Mat expected, Mat actual, double eps) { in assertMatNotEqual() argument 347 compareMats(expected, actual, eps, false); in assertMatNotEqual() 350 public static void assertKeyPointEqual(KeyPoint expected, KeyPoint actual, double eps) { in assertKeyPointEqual() argument 352 assertTrue(msg, Math.hypot(expected.pt.x - actual.pt.x, expected.pt.y - actual.pt.y) < eps); in assertKeyPointEqual() 353 assertTrue(msg, Math.abs(expected.size - actual.size) < eps); in assertKeyPointEqual() 354 assertTrue(msg, Math.abs(expected.angle - actual.angle) < eps); in assertKeyPointEqual() 355 assertTrue(msg, Math.abs(expected.response - actual.response) < eps); in assertKeyPointEqual() 366 public static void assertDMatchEqual(DMatch expected, DMatch actual, double eps) { in assertDMatchEqual() argument [all …]
|
/external/eigen/unsupported/Eigen/src/NonLinearOptimization/ |
D | chkder.h | 25 const Scalar eps = sqrt(NumTraits<Scalar>::epsilon()); in chkder() local 27 const Scalar epslog = chkder_log10e * log(eps); in chkder() 36 temp = eps * abs(x[j]); in chkder() 38 temp = eps; in chkder() 54 … temp = eps * abs((fvecp[i] - fvec[i]) / eps - err[i]) / (abs(fvec[i]) + abs(fvecp[i])); in chkder() 56 if (temp > NumTraits<Scalar>::epsilon() && temp < eps) in chkder() 58 if (temp >= eps) in chkder()
|
D | fdjac1.h | 22 Scalar eps, temp; in fdjac1() local 34 eps = sqrt((std::max)(epsfcn,epsmch)); in fdjac1() 40 h = eps * abs(temp); in fdjac1() 42 h = eps; in fdjac1() 56 h = eps * abs(wa2[j]); in fdjac1() 57 if (h == 0.) h = eps; in fdjac1() 65 h = eps * abs(wa2[j]); in fdjac1() 66 if (h == 0.) h = eps; in fdjac1()
|
/external/opencv3/modules/imgproc/src/ |
D | matchcontours.cpp | 48 double eps = 1.e-5; in matchShapes() local 76 if( ama > eps && amb > eps ) in matchShapes() 104 if( ama > eps && amb > eps ) in matchShapes() 132 if( ama > eps && amb > eps ) in matchShapes()
|
/external/opencv3/modules/videostab/include/opencv2/videostab/ |
D | motion_core.hpp | 77 float eps; //!< max outliers ratio member 80 RansacParams() : size(0), thresh(0), eps(0), prob(0) {} in RansacParams() 87 RansacParams(int size, float thresh, float eps, float prob); 95 std::ceil(std::log(1 - prob) / std::log(1 - std::pow(1 - eps, size)))); in niters() 122 : size(_size), thresh(_thresh), eps(_eps), prob(_prob) {} in RansacParams()
|
/external/opencv3/modules/cudaimgproc/src/cuda/ |
D | mean_shift.cu | 59 int sp, int sr, int maxIter, float eps) in do_mean_shift() argument 107 … bool stopFlag = (x0 == x1 && y0 == y1) || (::abs(x1-x0) + ::abs(y1-y0) + norm2 <= eps); in do_mean_shift() 122 …l(unsigned char* out, size_t out_step, int cols, int rows, int sp, int sr, int maxIter, float eps ) in meanshift_kernel() argument 128 do_mean_shift(x0, y0, out, out_step, cols, rows, sp, sr, maxIter, eps); in meanshift_kernel() 131 …(const PtrStepSzb& src, PtrStepSzb dst, int sp, int sr, int maxIter, float eps, cudaStream_t strea… in meanShiftFiltering_gpu() argument 141 …el<<< grid, threads, 0, stream >>>( dst.data, dst.step, dst.cols, dst.rows, sp, sr, maxIter, eps ); in meanShiftFiltering_gpu() 151 int sp, int sr, int maxIter, float eps) in meanshiftproc_kernel() argument 159 …short2*)(outsp + basesp) = do_mean_shift(x0, y0, outr, outrstep, cols, rows, sp, sr, maxIter, eps); in meanshiftproc_kernel() 163 …src, PtrStepSzb dstr, PtrStepSzb dstsp, int sp, int sr, int maxIter, float eps, cudaStream_t strea… in meanShiftProc_gpu() argument 173 …am >>>( dstr.data, dstr.step, dstsp.data, dstsp.step, dstr.cols, dstr.rows, sp, sr, maxIter, eps ); in meanShiftProc_gpu()
|
/external/opencv3/modules/cudalegacy/test/ |
D | TestHypothesesFilter.cpp | 53 eps(eps_) in TestHypothesesFilter() 62 strOut << "eps=" << eps << std::endl; in toString() 75 bool compareRects(const NcvRect32u &r1, const NcvRect32u &r2, Ncv32f eps) in compareRects() argument 77 double delta = eps*(std::min(r1.width, r2.width) + std::min(r1.height, r2.height))*0.5; in compareRects() 129 (Ncv32s)(h_vecDst_groundTruth.ptr()[i].width * this->eps * (randVal - 0.5)); in process() 133 (Ncv32s)(h_vecDst_groundTruth.ptr()[i].height * this->eps * (randVal - 0.5)); in process() 144 (Ncv32s)(h_vecDst_groundTruth.ptr()[i].width * this->eps * (randVal - 0.5)); in process() 148 (Ncv32s)(h_vecDst_groundTruth.ptr()[i].height * this->eps * (randVal - 0.5)); in process() 167 …ncvStat = ncvGroupRectangles_host(h_vecSrc, numHypothesesSrc, this->minNeighbors, this->eps, NULL); in process() 186 if (!compareRects(tmpRects[i], h_vecDst_groundTruth.ptr()[i], this->eps)) in process()
|
/external/blktrace/btt/doc/ |
D | Makefile | 5 btt.tex: activity.eps qhist.eps dhist.eps seek.eps
|
/external/opencv3/modules/cudaimgproc/src/ |
D | mean_shift.cpp | 62 …(const PtrStepSzb& src, PtrStepSzb dst, int sp, int sr, int maxIter, float eps, cudaStream_t strea… 85 float eps = (float) std::max(criteria.epsilon, 0.0); in meanShiftFiltering() local 87 meanShiftFiltering_gpu(src, dst, sp, sr, maxIter, eps, StreamAccessor::getStream(stream)); in meanShiftFiltering() 97 …src, PtrStepSzb dstr, PtrStepSzb dstsp, int sp, int sr, int maxIter, float eps, cudaStream_t strea… 123 float eps = (float) std::max(criteria.epsilon, 0.0); in meanShiftProc() local 125 meanShiftProc_gpu(src, dstr, dstsp, sp, sr, maxIter, eps, StreamAccessor::getStream(stream)); in meanShiftProc()
|
/external/opencv/cv/src/ |
D | cvmatchcontours.cpp | 65 double eps = 1.e-5; in cvMatchShapes() local 127 if( ama > eps && amb > eps ) in cvMatchShapes() 157 if( ama > eps && amb > eps ) in cvMatchShapes() 187 if( ama > eps && amb > eps ) in cvMatchShapes() 232 double eps = 1.e-5; in cvMatchContourTrees() local 281 if( area1 < eps || area2 < eps || lpt < 4 ) in cvMatchContourTrees()
|
D | cvcornersubpix.cpp | 69 double eps; in cvFindCornerSubPix() local 98 eps = 0.f; in cvFindCornerSubPix() 102 eps = criteria.epsilon; in cvFindCornerSubPix() 106 eps = criteria.epsilon; in cvFindCornerSubPix() 114 eps = MAX( eps, 0 ); in cvFindCornerSubPix() 115 eps *= eps; /* use square of error in comparsion operations. */ in cvFindCornerSubPix() 250 while( ++iter < max_iters && err > eps ); in cvFindCornerSubPix()
|
/external/opencv3/modules/cudaobjdetect/src/cuda/ |
D | lbp.hpp | 70 __device__ __forceinline__ InSameComponint(float _eps) : eps(_eps) {} in InSameComponint() 71 __device__ __forceinline__ InSameComponint(const InSameComponint& other) : eps(other.eps) {} in InSameComponint() 75 float delta = eps * (::min(r1.z, r2.z) + ::min(r1.w, r2.w)) * 0.5f; in operator ()() 80 float eps; member
|
/external/deqp/framework/randomshaders/ |
D | rsgBinaryOps.cpp | 263 const float eps = 0.001f; in operator ()() local 265 DE_ASSERT(de::inRange(aMin*bMin, dstMin-eps, dstMax+eps)); in operator ()() 266 DE_ASSERT(de::inRange(aMin*bMax, dstMin-eps, dstMax+eps)); in operator ()() 267 DE_ASSERT(de::inRange(aMax*bMin, dstMin-eps, dstMax+eps)); in operator ()() 268 DE_ASSERT(de::inRange(aMax*bMax, dstMin-eps, dstMax+eps)); in operator ()() 316 T eps = T(0.001); in operator ()() local 318 DE_ASSERT(de::inRange(aMin+bMin, dstMin-eps, dstMax+eps)); in operator ()() 319 DE_ASSERT(de::inRange(aMin+bMax, dstMin-eps, dstMax+eps)); in operator ()() 320 DE_ASSERT(de::inRange(aMax+bMin, dstMin-eps, dstMax+eps)); in operator ()() 321 DE_ASSERT(de::inRange(aMax+bMax, dstMin-eps, dstMax+eps)); in operator ()() [all …]
|