Home
last modified time | relevance | path

Searched refs:eps (Results 1 – 25 of 144) sorted by relevance

123456

/external/llvm/test/CodeGen/X86/
Dfp-select-cmp-and.ll3 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/tensorflow/tensorflow/contrib/boosted_trees/lib/quantiles/
Dweighted_quantiles_stream_test.cc109 double eps, int64 max_elements, in TestSingleWorkerStreams() argument
116 Stream stream(eps, max_elements); in TestSingleWorkerStreams()
121 EXPECT_LE(stream.ApproximationError(), eps); in TestSingleWorkerStreams()
142 const double eps = 0.01; in TEST() local
144 TestSingleWorkerStreams(eps, max_elements, GenerateOneValue, in TEST()
149 const double eps = 0.01; in TEST() local
151 TestSingleWorkerStreams(eps, max_elements, GenerateFixedUniformSummary, in TEST()
157 const double eps = 0.01; in TEST() local
159 TestSingleWorkerStreams(eps, max_elements, GenerateFixedNonUniformSummary, in TEST()
167 const double eps = 0.01; in TEST() local
[all …]
Dweighted_quantiles_stream.h70 explicit WeightedQuantilesStream(double eps, int64 max_elements) in WeightedQuantilesStream() argument
71 : eps_(eps), buffer_(1LL, 2LL), finalized_(false) { in WeightedQuantilesStream()
72 std::tie(max_levels_, block_size_) = GetQuantileSpecs(eps, max_elements); in WeightedQuantilesStream()
202 static std::tuple<int64, int64> GetQuantileSpecs(double eps,
289 double eps, int64 max_elements) { in GetQuantileSpecs() argument
292 QCHECK(eps >= 0 && eps < 1); in GetQuantileSpecs()
295 if (eps <= std::numeric_limits<double>::epsilon()) { in GetQuantileSpecs()
315 block_size = static_cast<size_t>(ceil(max_level / eps)) + 1; in GetQuantileSpecs()
/external/webrtc/webrtc/modules/audio_coding/codecs/opus/
Daudio_encoder_opus_unittest.cc133 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/google-benchmark/src/
Dcheck.h72 #define CHECK_FLOAT_EQ(a, b, eps) CHECK(std::fabs((a) - (b)) < (eps)) argument
73 #define CHECK_FLOAT_NE(a, b, eps) CHECK(std::fabs((a) - (b)) >= (eps)) argument
74 #define CHECK_FLOAT_GE(a, b, eps) CHECK((a) - (b) > -(eps)) argument
75 #define CHECK_FLOAT_LE(a, b, eps) CHECK((b) - (a) > -(eps)) argument
76 #define CHECK_FLOAT_GT(a, b, eps) CHECK((a) - (b) > (eps)) argument
77 #define CHECK_FLOAT_LT(a, b, eps) CHECK((b) - (a) > (eps)) argument
/external/libcxx/utils/google-benchmark/src/
Dcheck.h72 #define CHECK_FLOAT_EQ(a, b, eps) CHECK(std::fabs((a) - (b)) < (eps)) argument
73 #define CHECK_FLOAT_NE(a, b, eps) CHECK(std::fabs((a) - (b)) >= (eps)) argument
74 #define CHECK_FLOAT_GE(a, b, eps) CHECK((a) - (b) > -(eps)) argument
75 #define CHECK_FLOAT_LE(a, b, eps) CHECK((b) - (a) > -(eps)) argument
76 #define CHECK_FLOAT_GT(a, b, eps) CHECK((a) - (b) > (eps)) argument
77 #define CHECK_FLOAT_LT(a, b, eps) CHECK((b) - (a) > (eps)) argument
/external/tensorflow/tensorflow/contrib/boosted_trees/python/utils/
Dlosses.py49 def per_example_maxent_loss(labels, weights, logits, num_classes, eps=1e-15): argument
83 math_ops.add(normalizers, eps))
89 zeros = array_ops.zeros_like(probs_for_real_class, dtype=logits.dtype) + eps
91 probs_for_real_class, dtype=logits.dtype) - eps
94 cond = (probs_for_real_class >= eps)
98 cond = (probs_for_real_class <= 1 - eps)
128 def per_example_exp_loss(labels, weights, predictions, name=None, eps=0.1): argument
154 def exp_with_logits(name, eps, labels=None, logits=None): argument
197 a = 1.0 / eps
198 b = -1.0 / 2 / eps
[all …]
Dlosses_test.py46 eps = 0.2
52 labels_positive, weights, predictions_tensor, eps=eps)
55 labels_negative, weights, predictions_tensor, eps=eps)
74 np.exp(-(predictions_probs[2:6] * 1.0 / eps - 0.5 / eps)),
77 np.exp(predictions_probs[2:6] * 1.0 / eps - 0.5 / eps),
/external/libusb/libusb/os/
Dsunos_usb.c370 if (hpriv->eps[0].datafd > 0) { in sunos_usb_open_ep0()
377 hpriv->eps[0].datafd = open(filename, O_RDWR); in sunos_usb_open_ep0()
378 if (hpriv->eps[0].datafd < 0) { in sunos_usb_open_ep0()
383 hpriv->eps[0].statfd = open(filename, O_RDONLY); in sunos_usb_open_ep0()
384 if (hpriv->eps[0].statfd < 0) { in sunos_usb_open_ep0()
385 close(hpriv->eps[0].datafd); in sunos_usb_open_ep0()
386 hpriv->eps[0].datafd = -1; in sunos_usb_open_ep0()
401 if (hdev->eps[i].datafd != -1) { in sunos_usb_close_all_eps()
402 (void) close(hdev->eps[i].datafd); in sunos_usb_close_all_eps()
403 hdev->eps[i].datafd = -1; in sunos_usb_close_all_eps()
[all …]
/external/eigen/unsupported/Eigen/src/NonLinearOptimization/
Dchkder.h25 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()
Dfdjac1.h22 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/deqp/framework/randomshaders/
DrsgBinaryOps.cpp263 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 …]
/external/opencv/cv/src/
Dcvmatchcontours.cpp65 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()
Dcvcornersubpix.cpp69 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/tensorflow/tensorflow/contrib/nn/python/ops/
Dscaled_softplus_test.py43 eps = 1e-6
44 self.assertAllClose(y, z, eps)
45 self.assertAllClose(y64, z64, eps)
70 eps = 2e-4
71 self.assertLess(err, eps)
72 self.assertLess(err_clip, eps)
/external/valgrind/drd/tests/
Domp_matinv.c269 elem_t eps; in epsilon() local
270 for (eps = 1; 1 + eps != 1; eps /= 2) in epsilon()
272 return 2 * eps; in epsilon()
293 elem_t eps; in main() local
324 eps = epsilon(); in main()
331 ratio = error / (eps * matrix_size); in main()
335 error, eps, ratio); in main()
Dmatinv.c305 elem_t eps; in epsilon() local
306 for (eps = 1; 1 + eps != 1; eps /= 2) in epsilon()
308 return 2 * eps; in epsilon()
317 elem_t eps; in main() local
344 eps = epsilon(); in main()
351 ratio = error / (eps * matrix_size); in main()
355 error, eps, ratio); in main()
/external/blktrace/btt/doc/
DMakefile5 btt.tex: activity.eps qhist.eps dhist.eps seek.eps
/external/opencv/cxcore/src/
Dcxjacobieigens.cpp69 icvJacobiEigens_32f(float *A, float *V, float *E, int n, float eps) in icvJacobiEigens_32f() argument
79 if( eps < DBL_EPSILON ) in icvJacobiEigens_32f()
80 eps = DBL_EPSILON; in icvJacobiEigens_32f()
97 ax = anorm * eps / n; in icvJacobiEigens_32f()
220 icvJacobiEigens_64d(double *A, double *V, double *E, int n, double eps) in icvJacobiEigens_64d() argument
230 if( eps < DBL_EPSILON ) in icvJacobiEigens_64d()
231 eps = DBL_EPSILON; in icvJacobiEigens_64d()
248 ax = anorm * eps / n; in icvJacobiEigens_64d()
370 cvEigenVV( CvArr* srcarr, CvArr* evectsarr, CvArr* evalsarr, double eps ) in cvEigenVV() argument
411 evals->data.fl, src->cols, (float)eps )); in cvEigenVV()
[all …]
/external/tensorflow/tensorflow/contrib/boosted_trees/lib/learner/common/stats/
Dgradient-stats.h92 bool IsAlmostZero(const float eps = kEps) const {
97 if (s > eps * eps) {
151 bool IsAlmostZero(const float eps = kEps) const {
152 return first.IsAlmostZero(eps) && second.IsAlmostZero(eps);
/external/tensorflow/tensorflow/python/ops/
Dnn_test.py60 eps = 1e-8
61 self.assertAllClose(y_tf_np, y_np, eps)
89 eps = 1e-3
90 self.assertAllClose(y_tf_np, y_np, eps)
91 self.assertAllClose(y_tf_last_dim_np, y_np, eps)
101 eps = 1e-3
102 self.assertAllClose(x_neg_axis_tf, y_pos_axis_tf, eps)
103 self.assertAllClose(y_pos_axis_tf, z_gt_axis_tf, eps)
113 eps = 1e-8
114 self.assertLess(err, eps)
[all …]
Dnn_xent_test.py42 eps = 0.0001
43 pred = [min(max(p, eps), 1 - eps) for p in pred]
115 eps = 0.0001
116 pred = [min(max(p, eps), 1 - eps) for p in pred]
/external/tensorflow/tensorflow/core/kernels/
Dquantized_instance_norm.cc143 const float32x4_t eps = vdupq_n_f32(variance_epsilon); in MinAndMax() local
155 vrsqrteq_f32(vaddq_f32(variance[0], eps)), in MinAndMax()
156 vrsqrteq_f32(vaddq_f32(variance[1], eps)), in MinAndMax()
157 vrsqrteq_f32(vaddq_f32(variance[2], eps)), in MinAndMax()
158 vrsqrteq_f32(vaddq_f32(variance[3], eps))}; in MinAndMax()
198 const float32x4_t eps = vdupq_n_f32(variance_epsilon); in InstanceNorm() local
212 vrsqrteq_f32(vaddq_f32(variance[0], eps)), in InstanceNorm()
213 vrsqrteq_f32(vaddq_f32(variance[1], eps)), in InstanceNorm()
214 vrsqrteq_f32(vaddq_f32(variance[2], eps)), in InstanceNorm()
215 vrsqrteq_f32(vaddq_f32(variance[3], eps))}; in InstanceNorm()
/external/tensorflow/tensorflow/contrib/graph_editor/tests/
Dtransform_test.py128 eps = constant_op.constant(0.001, name="eps")
129 c = array_ops.identity(a + b + eps, name="c")
142 eps = constant_op.constant(0.001, name="eps")
143 c = array_ops.identity(a + b + eps, name="c")
158 eps = constant_op.constant(0.001, name="eps")
159 c = array_ops.identity(a + b + eps, name="c")
168 eps = constant_op.constant(0.001, name="eps")
169 c = array_ops.identity(a + b + eps, name="c")
/external/fonttools/Lib/fontTools/misc/
DfixedTools.py30 eps = .5 / scale
33 lo = fmt % (value - eps)
34 hi = fmt % (value + eps)

123456