Home
last modified time | relevance | path

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

1234567

/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()
148 const double eps = 0.01; in TEST() local
150 TestSingleWorkerStreams(eps, max_elements, GenerateOneValue, in TEST()
155 const double eps = 0.01; in TEST() local
157 TestSingleWorkerStreams(eps, max_elements, GenerateOneZeroWeightedValue, {}, in TEST()
162 const double eps = 0.01; in TEST() local
164 TestSingleWorkerStreams(eps, max_elements, GenerateFixedUniformSummary, in TEST()
170 const double eps = 0.01; in TEST() local
[all …]
Dweighted_quantiles_stream.h72 explicit WeightedQuantilesStream(double eps, int64 max_elements) in WeightedQuantilesStream() argument
73 : eps_(eps), buffer_(1LL, 2LL), finalized_(false) { in WeightedQuantilesStream()
76 QCHECK(eps > 0) << "An epsilon value of zero is not allowed."; in WeightedQuantilesStream()
77 std::tie(max_levels_, block_size_) = GetQuantileSpecs(eps, max_elements); in WeightedQuantilesStream()
207 static std::tuple<int64, int64> GetQuantileSpecs(double eps,
294 double eps, int64 max_elements) { in GetQuantileSpecs() argument
297 QCHECK(eps >= 0 && eps < 1); in GetQuantileSpecs()
300 if (eps <= std::numeric_limits<double>::epsilon()) { in GetQuantileSpecs()
320 block_size = static_cast<size_t>(ceil(max_level / eps)) + 1; in GetQuantileSpecs()
/external/tensorflow/tensorflow/core/kernels/boosted_trees/quantiles/
Dweighted_quantiles_stream_test.cc108 double eps, int64 max_elements, in TestSingleWorkerStreams() argument
115 Stream stream(eps, max_elements); in TestSingleWorkerStreams()
120 EXPECT_LE(stream.ApproximationError(), eps); in TestSingleWorkerStreams()
147 const double eps = 0.01; in TEST() local
149 TestSingleWorkerStreams(eps, max_elements, GenerateOneValue, in TEST()
154 const double eps = 0.01; in TEST() local
156 TestSingleWorkerStreams(eps, max_elements, GenerateOneZeroWeightedValue, {}, in TEST()
161 const double eps = 0.01; in TEST() local
163 TestSingleWorkerStreams(eps, max_elements, GenerateFixedUniformSummary, in TEST()
169 const double eps = 0.01; in TEST() local
[all …]
Dweighted_quantiles_stream.h72 explicit WeightedQuantilesStream(double eps, int64 max_elements) in WeightedQuantilesStream() argument
73 : eps_(eps), buffer_(1LL, 2LL), finalized_(false) { in WeightedQuantilesStream()
76 QCHECK(eps > 0) << "An epsilon value of zero is not allowed."; in WeightedQuantilesStream()
77 std::tie(max_levels_, block_size_) = GetQuantileSpecs(eps, max_elements); in WeightedQuantilesStream()
207 static std::tuple<int64, int64> GetQuantileSpecs(double eps,
294 double eps, int64 max_elements) { in GetQuantileSpecs() argument
297 QCHECK(eps >= 0 && eps < 1); in GetQuantileSpecs()
300 if (eps <= std::numeric_limits<double>::epsilon()) { in GetQuantileSpecs()
320 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/tensorflow/tensorflow/lite/tools/optimize/calibration/
Dcalibrator_test.cc87 const float eps = 1e-6f; in TEST() local
92 EXPECT_NEAR(tensor->data.f[i], 6.0f, eps); in TEST()
96 EXPECT_NEAR(tensor->data.f[i], 9.0f, eps); in TEST()
105 EXPECT_NEAR(stats.at(tensor_idx).min, tensor_idx + 1, eps); in TEST()
106 EXPECT_NEAR(stats.at(tensor_idx).max, tensor_idx + 1, eps); in TEST()
109 EXPECT_NEAR(stats.at(4).min, 5, eps); in TEST()
110 EXPECT_NEAR(stats.at(4).max, 5, eps); in TEST()
113 EXPECT_NEAR(stats.at(5).min, 6, eps); in TEST()
114 EXPECT_NEAR(stats.at(5).max, 6, eps); in TEST()
116 EXPECT_NEAR(stats.at(6).min, 9, eps); in TEST()
[all …]
/external/swiftshader/third_party/llvm-7.0/llvm/test/CodeGen/X86/
Dfp-select-cmp-and.ll4 define double @test1(double %a, double %b, double %eps) {
10 %cmp = fcmp olt double %a, %eps
15 define double @test2(double %a, double %b, double %eps) {
21 %cmp = fcmp ole double %a, %eps
26 define double @test3(double %a, double %b, double %eps) {
33 %cmp = fcmp ogt double %a, %eps
38 define double @test4(double %a, double %b, double %eps) {
45 %cmp = fcmp oge double %a, %eps
50 define double @test5(double %a, double %b, double %eps) {
56 %cmp = fcmp olt double %a, %eps
[all …]
/external/google-benchmark/src/
Dcheck.h74 #define CHECK_FLOAT_EQ(a, b, eps) CHECK(std::fabs((a) - (b)) < (eps)) argument
75 #define CHECK_FLOAT_NE(a, b, eps) CHECK(std::fabs((a) - (b)) >= (eps)) argument
76 #define CHECK_FLOAT_GE(a, b, eps) CHECK((a) - (b) > -(eps)) argument
77 #define CHECK_FLOAT_LE(a, b, eps) CHECK((b) - (a) > -(eps)) argument
78 #define CHECK_FLOAT_GT(a, b, eps) CHECK((a) - (b) > (eps)) argument
79 #define CHECK_FLOAT_LT(a, b, eps) CHECK((b) - (a) > (eps)) argument
/external/libcxx/utils/google-benchmark/src/
Dcheck.h74 #define CHECK_FLOAT_EQ(a, b, eps) CHECK(std::fabs((a) - (b)) < (eps)) argument
75 #define CHECK_FLOAT_NE(a, b, eps) CHECK(std::fabs((a) - (b)) >= (eps)) argument
76 #define CHECK_FLOAT_GE(a, b, eps) CHECK((a) - (b) > -(eps)) argument
77 #define CHECK_FLOAT_LE(a, b, eps) CHECK((b) - (a) > -(eps)) argument
78 #define CHECK_FLOAT_GT(a, b, eps) CHECK((a) - (b) > (eps)) argument
79 #define CHECK_FLOAT_LT(a, b, eps) CHECK((b) - (a) > (eps)) argument
/external/tensorflow/tensorflow/contrib/boosted_trees/python/utils/
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),
Dlosses.py97 def per_example_maxent_loss(labels, weights, logits, num_classes, eps=1e-15): argument
130 math_ops.add(normalizers, eps))
136 zeros = array_ops.zeros_like(probs_for_real_class, dtype=logits.dtype) + eps
138 probs_for_real_class, dtype=logits.dtype) - eps
141 cond = (probs_for_real_class >= eps)
145 cond = (probs_for_real_class <= 1 - eps)
175 def per_example_exp_loss(labels, weights, predictions, name=None, eps=0.1): argument
201 def exp_with_logits(name, eps, labels=None, logits=None): argument
244 a = 1.0 / eps
245 b = -1.0 / 2 / eps
[all …]
/external/blktrace/btt/doc/
DMakefile5 btt.tex: activity.eps qhist.eps dhist.eps seek.eps rstats.eps live.eps
/external/tensorflow/tensorflow/contrib/eager/python/examples/l2hmc/
Dl2hmc.py41 eps=.1, argument
65 self.eps = tf.Variable(
66 initial_value=eps, name="eps", dtype=tf.float32, trainable=True)
176 scale *= .5 * self.eps
177 transformed *= self.eps
180 .5 * self.eps * (tf.exp(transformed) * grad - translation))
189 scale *= self.eps
190 transformed *= self.eps
193 mask_inv * (position * tf.exp(scale) + self.eps *
202 scale *= -.5 * self.eps
[all …]
Dl2hmc_test.py34 eps=.1,
109 eps=hparams.eps)
125 eps=hparams.eps)
160 eps=hparams.eps)
208 eps=hparams.eps)
/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/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/tensorflow/tensorflow/python/kernel_tests/boosted_trees/
Dquantile_ops_test.py41 def create_resource(self, name, eps, max_elements, num_streams=1): argument
46 epsilon=eps,
82 self.eps = 0.01
88 quantile_accumulator_handle = self.create_resource("floats", self.eps,
93 epsilon=self.eps)
112 quantile_accumulator_handle_0 = self.create_resource("float_0", self.eps,
114 quantile_accumulator_handle_1 = self.create_resource("float_1", self.eps,
119 epsilon=self.eps)
150 num_streams=2, num_quantiles=3, epsilon=self.eps, name="q0")
169 num_streams=2, num_quantiles=3, epsilon=self.eps, name="q0")
[all …]
/external/tensorflow/tensorflow/lite/tools/optimize/
Dquantization_utils_test.cc77 const float eps = 1e-7f; in TEST() local
79 EXPECT_NEAR(scale, 1, eps); in TEST()
99 const float eps = 1e-7f; in TEST() local
101 EXPECT_NEAR(scale, 6 / 255.0f, eps); in TEST()
121 const float eps = 1e-7f; in TEST() local
123 EXPECT_NEAR(scale, 6 / 255.0f, eps); in TEST()
142 const float eps = 1e-7f; in TEST() local
143 EXPECT_NEAR(scale, 6 / 255.0f, eps); in TEST()
164 const float eps = 1e-7f; in TEST() local
165 EXPECT_NEAR(scale, 0, eps); in TEST()
[all …]
/external/tensorflow/tensorflow/compiler/xla/client/lib/
Dsvd.cc114 StatusOr<HouseHolderResult> HouseRow(XlaOp a, XlaOp i, XlaOp j, XlaOp eps, in HouseRow() argument
156 BroadcastInDim(Lt(sigma, eps), x_shape.dimensions(), broadcast_dims), v, in HouseRow()
160 beta = Select(Lt(Add(sigma, ZerosLike(beta), broadcast_dims), eps), in HouseRow()
180 StatusOr<HouseHolderResult> HouseCol(XlaOp a, XlaOp i, XlaOp j, XlaOp eps, in HouseCol() argument
223 BroadcastInDim(Lt(sigma, eps), x_shape.dimensions(), broadcast_dims), v, in HouseCol()
227 beta = Select(Lt(Add(sigma, ZerosLike(beta), broadcast_dims), eps), in HouseCol()
259 XlaOp a, XlaOp eps, PrecisionConfig::Precision precision) { in HouseHolderBidiagonalization() argument
289 auto eps = values[4]; in HouseHolderBidiagonalization() local
292 HouseCol(a, i, i, eps, precision)); in HouseHolderBidiagonalization()
299 HouseRow(a, i, i + one, eps, precision)); in HouseHolderBidiagonalization()
[all …]
/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/libaom/libaom/test/
Dselfguided_filter_test.cc34 int eps, const int *xqd, uint8_t *dst8, int dst_stride,
78 int eps = 15; in RunSpeedTest() local
91 apply_selfguided_restoration_c(input_p, w, h, stride, eps, xqd, in RunSpeedTest()
107 tst_fun_(input_p, w, h, stride, eps, xqd, output_p, out_stride, in RunSpeedTest()
163 int eps = rnd.PseudoUniform(1 << SGRPROJ_PARAMS_BITS); in RunCorrectnessTest() local
176 tst_fun_(input_p, w, h, stride, eps, xqd, output_p, out_stride, in RunCorrectnessTest()
178 apply_selfguided_restoration_c(input_p, w, h, stride, eps, xqd, in RunCorrectnessTest()
259 int eps = 15; in RunSpeedTest() local
273 CONVERT_TO_BYTEPTR(input_p), w, h, stride, eps, xqd, in RunSpeedTest()
289 tst_fun_(CONVERT_TO_BYTEPTR(input_p), w, h, stride, eps, xqd, in RunSpeedTest()
[all …]
/external/deqp/framework/randomshaders/
DrsgBinaryOps.cpp513 const float eps = 0.001f; in operator ()() local
515 DE_ASSERT(de::inRange(aMin*bMin, dstMin-eps, dstMax+eps)); in operator ()()
516 DE_ASSERT(de::inRange(aMin*bMax, dstMin-eps, dstMax+eps)); in operator ()()
517 DE_ASSERT(de::inRange(aMax*bMin, dstMin-eps, dstMax+eps)); in operator ()()
518 DE_ASSERT(de::inRange(aMax*bMax, dstMin-eps, dstMax+eps)); in operator ()()
566 T eps = T(0.001); in operator ()() local
568 DE_ASSERT(de::inRange(aMin+bMin, dstMin-eps, dstMax+eps)); in operator ()()
569 DE_ASSERT(de::inRange(aMin+bMax, dstMin-eps, dstMax+eps)); in operator ()()
570 DE_ASSERT(de::inRange(aMax+bMin, dstMin-eps, dstMax+eps)); in operator ()()
571 DE_ASSERT(de::inRange(aMax+bMax, dstMin-eps, dstMax+eps)); in operator ()()
[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);

1234567