HomeSort by relevance Sort by last modified time
    Searched refs:eps (Results 1 - 25 of 165) sorted by null

1 2 3 4 5 6 7

  /external/blktrace/btt/doc/
Makefile 5 btt.tex: activity.eps qhist.eps dhist.eps seek.eps rstats.eps live.eps
  /external/google-benchmark/src/
check.h 74 #define CHECK_FLOAT_EQ(a, b, eps) CHECK(std::fabs((a) - (b)) < (eps))
75 #define CHECK_FLOAT_NE(a, b, eps) CHECK(std::fabs((a) - (b)) >= (eps))
76 #define CHECK_FLOAT_GE(a, b, eps) CHECK((a) - (b) > -(eps))
77 #define CHECK_FLOAT_LE(a, b, eps) CHECK((b) - (a) > -(eps))
78 #define CHECK_FLOAT_GT(a, b, eps) CHECK((a) - (b) > (eps))
    [all...]
  /external/libcxx/utils/google-benchmark/src/
check.h 74 #define CHECK_FLOAT_EQ(a, b, eps) CHECK(std::fabs((a) - (b)) < (eps))
75 #define CHECK_FLOAT_NE(a, b, eps) CHECK(std::fabs((a) - (b)) >= (eps))
76 #define CHECK_FLOAT_GE(a, b, eps) CHECK((a) - (b) > -(eps))
77 #define CHECK_FLOAT_LE(a, b, eps) CHECK((b) - (a) > -(eps))
78 #define CHECK_FLOAT_GT(a, b, eps) CHECK((a) - (b) > (eps))
    [all...]
  /external/webrtc/webrtc/modules/audio_coding/codecs/opus/
audio_encoder_opus_unittest.cc 133 const double eps = 1e-15; local
138 TestSetPacketLossRate(encoder_.get(), I(0.00 , 0.01 - eps), 0.00);
139 TestSetPacketLossRate(encoder_.get(), I(0.01 + eps, 0.06 - eps), 0.01);
140 TestSetPacketLossRate(encoder_.get(), I(0.06 + eps, 0.11 - eps), 0.05);
141 TestSetPacketLossRate(encoder_.get(), I(0.11 + eps, 0.22 - eps), 0.10);
142 TestSetPacketLossRate(encoder_.get(), I(0.22 + eps, 1.00 ), 0.20);
144 TestSetPacketLossRate(encoder_.get(), I(1.00 , 0.18 + eps), 0.20)
    [all...]
  /external/eigen/unsupported/Eigen/src/NonLinearOptimization/
chkder.h 25 const Scalar eps = sqrt(NumTraits<Scalar>::epsilon()); local
27 const Scalar epslog = chkder_log10e * log(eps);
36 temp = eps * abs(x[j]);
38 temp = eps;
54 temp = eps * abs((fvecp[i] - fvec[i]) / eps - err[i]) / (abs(fvec[i]) + abs(fvecp[i]));
56 if (temp > NumTraits<Scalar>::epsilon() && temp < eps)
58 if (temp >= eps)
fdjac1.h 22 Scalar eps, temp; local
34 eps = sqrt((std::max)(epsfcn,epsmch));
40 h = eps * abs(temp);
42 h = eps;
56 h = eps * abs(wa2[j]);
57 if (h == 0.) h = eps;
65 h = eps * abs(wa2[j]);
66 if (h == 0.) h = eps;
  /external/tensorflow/tensorflow/lite/tools/optimize/calibration/
calibrator_test.cc 87 const float eps = 1e-6f; local
92 EXPECT_NEAR(tensor->data.f[i], 6.0f, eps);
96 EXPECT_NEAR(tensor->data.f[i], 9.0f, eps);
105 EXPECT_NEAR(stats.at(tensor_idx).min, tensor_idx + 1, eps);
106 EXPECT_NEAR(stats.at(tensor_idx).max, tensor_idx + 1, eps);
109 EXPECT_NEAR(stats.at(4).min, 5, eps);
110 EXPECT_NEAR(stats.at(4).max, 5, eps);
113 EXPECT_NEAR(stats.at(5).min, 6, eps);
114 EXPECT_NEAR(stats.at(5).max, 6, eps);
116 EXPECT_NEAR(stats.at(6).min, 9, eps);
148 const float eps = 1e-6f; local
    [all...]
  /external/tensorflow/tensorflow/contrib/boosted_trees/lib/quantiles/
weighted_quantiles_stream_test.cc 35 EXPECT_DEATH({ Stream::GetQuantileSpecs(-0.01, 0L); }, "eps >= 0");
36 EXPECT_DEATH({ Stream::GetQuantileSpecs(1.01, 0L); }, "eps < 1");
109 double eps, int64 max_elements,
116 Stream stream(eps, max_elements);
121 EXPECT_LE(stream.ApproximationError(), eps);
148 const double eps = 0.01; local
150 TestSingleWorkerStreams(eps, max_elements, GenerateOneValue,
155 const double eps = 0.01; local
157 TestSingleWorkerStreams(eps, max_elements, GenerateOneZeroWeightedValue, {},
162 const double eps = 0.01 local
170 const double eps = 0.01; local
180 const double eps = 0.01; local
188 const double eps = 0.01; local
239 const double eps = 0.01; local
248 const double eps = 0.01; local
260 const double eps = 0.01; local
269 const double eps = 0.01; local
    [all...]
weighted_quantiles_stream.h 42 // a maximum approximation error of eps * W per bucket where W is the total
50 // the worker-computed summaries to have no more than eps / h error
58 // Compute: O(n * log(1/eps * log(eps * n))).
59 // Memory: O(1/eps * log^2(eps * n)) <- for one worker streaming through the
72 explicit WeightedQuantilesStream(double eps, int64 max_elements)
73 : eps_(eps), buffer_(1LL, 2LL), finalized_(false) {
76 QCHECK(eps > 0) << "An epsilon value of zero is not allowed.";
77 std::tie(max_levels_, block_size_) = GetQuantileSpecs(eps, max_elements)
    [all...]
  /external/tensorflow/tensorflow/core/kernels/boosted_trees/quantiles/
weighted_quantiles_stream_test.cc 34 EXPECT_DEATH({ Stream::GetQuantileSpecs(-0.01, 0L); }, "eps >= 0");
35 EXPECT_DEATH({ Stream::GetQuantileSpecs(1.01, 0L); }, "eps < 1");
108 double eps, int64 max_elements,
115 Stream stream(eps, max_elements);
120 EXPECT_LE(stream.ApproximationError(), eps);
147 const double eps = 0.01; local
149 TestSingleWorkerStreams(eps, max_elements, GenerateOneValue,
154 const double eps = 0.01; local
156 TestSingleWorkerStreams(eps, max_elements, GenerateOneZeroWeightedValue, {},
161 const double eps = 0.01 local
169 const double eps = 0.01; local
179 const double eps = 0.01; local
187 const double eps = 0.01; local
238 const double eps = 0.01; local
247 const double eps = 0.01; local
259 const double eps = 0.01; local
268 const double eps = 0.01; local
    [all...]
weighted_quantiles_stream.h 42 // a maximum approximation error of eps * W per bucket where W is the total
50 // the worker-computed summaries to have no more than eps / h error
58 // Compute: O(n * log(1/eps * log(eps * n))).
59 // Memory: O(1/eps * log^2(eps * n)) <- for one worker streaming through the
72 explicit WeightedQuantilesStream(double eps, int64 max_elements)
73 : eps_(eps), buffer_(1LL, 2LL), finalized_(false) {
76 QCHECK(eps > 0) << "An epsilon value of zero is not allowed.";
77 std::tie(max_levels_, block_size_) = GetQuantileSpecs(eps, max_elements)
    [all...]
  /external/tensorflow/tensorflow/contrib/boosted_trees/python/utils/
losses_test.py 46 eps = 0.2
52 labels_positive, weights, predictions_tensor, eps=eps)
55 labels_negative, weights, predictions_tensor, eps=eps)
70 # Points in between 0.5-eps, 0..5+eps get loss exp(-label_m*y), where
71 # y = 1/eps *x -1/(2eps), where x is the probability and label_m is either
74 np.exp(-(predictions_probs[2:6] * 1.0 / eps - 0.5 / eps))
    [all...]
losses.py 97 def per_example_maxent_loss(labels, weights, logits, num_classes, eps=1e-15):
110 eps: tolerance, used as a minimum possible value.
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
140 # Take maximum(eps, pred)
141 cond = (probs_for_real_class >= eps)
144 # Take minimum(1-eps, pred)
145 cond = (probs_for_real_class <= 1 - eps)
175 def per_example_exp_loss(labels, weights, predictions, name=None, eps=0.1)
    [all...]
  /external/tensorflow/tensorflow/contrib/nn/python/ops/
scaled_softplus_test.py 43 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/webrtc/webrtc/modules/audio_coding/codecs/ilbc/
lsf_check.c 32 const int16_t eps=319; /* 0.039 in Q13 (50 Hz)*/ local
33 const int16_t eps2=160; /* eps/2.0 in Q13;*/
44 if ((lsf[pos+1]-lsf[pos])<eps) {
  /cts/tests/tests/uirendering/src/android/uirendering/cts/bitmapverifiers/
SamplePointWideGamutVerifier.java 33 public SamplePointWideGamutVerifier(Point[] points, Color[] colors, float eps) {
36 mEps = eps;
71 private static boolean floatCompare(float a, float b, float eps) {
72 return Float.compare(a, b) == 0 || Math.abs(a - b) <= eps;
  /external/tensorflow/tensorflow/contrib/eager/python/examples/l2hmc/
l2hmc.py 41 eps=.1,
49 eps: initial value learnable scale of step size
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
    [all...]
  /external/tensorflow/tensorflow/contrib/boosted_trees/lib/learner/common/stats/
gradient-stats.h 91 // Checks if the L^2 magnitude of the tensor is less than eps.
92 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/fonttools/Lib/fontTools/misc/
fixedTools.py 44 eps = .5 / scale
45 lo = value - eps
46 hi = value + eps
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/bijectors/
sigmoid_test.py 54 eps = 1e-3
55 y = np.linspace(eps, 1. - eps, 100).astype(np.float32)
  /external/tensorflow/tensorflow/python/kernel_tests/boosted_trees/
quantile_ops_test.py 41 def create_resource(self, name, eps, max_elements, num_streams=1):
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/libusb/libusb/os/
sunos_usb.c 370 if (hpriv->eps[0].datafd > 0) {
377 hpriv->eps[0].datafd = open(filename, O_RDWR);
378 if (hpriv->eps[0].datafd < 0) {
383 hpriv->eps[0].statfd = open(filename, O_RDONLY);
384 if (hpriv->eps[0].statfd < 0) {
385 close(hpriv->eps[0].datafd);
386 hpriv->eps[0].datafd = -1;
401 if (hdev->eps[i].datafd != -1) {
402 (void) close(hdev->eps[i].datafd);
403 hdev->eps[i].datafd = -1
    [all...]
  /external/tensorflow/tensorflow/lite/tools/optimize/
quantization_utils_test.cc 77 const float eps = 1e-7f; local
79 EXPECT_NEAR(scale, 1, eps);
99 const float eps = 1e-7f; local
101 EXPECT_NEAR(scale, 6 / 255.0f, eps);
121 const float eps = 1e-7f; local
123 EXPECT_NEAR(scale, 6 / 255.0f, eps);
142 const float eps = 1e-7f; local
143 EXPECT_NEAR(scale, 6 / 255.0f, eps);
164 const float eps = 1e-7f; local
165 EXPECT_NEAR(scale, 0, eps);
    [all...]
  /external/libaom/libaom/test/
selfguided_filter_test.cc 34 int eps, const int *xqd, uint8_t *dst8, int dst_stride,
78 int eps = 15; local
91 apply_selfguided_restoration_c(input_p, w, h, stride, eps, xqd,
107 tst_fun_(input_p, w, h, stride, eps, xqd, output_p, out_stride,
163 int eps = rnd.PseudoUniform(1 << SGRPROJ_PARAMS_BITS); local
176 tst_fun_(input_p, w, h, stride, eps, xqd, output_p, out_stride,
178 apply_selfguided_restoration_c(input_p, w, h, stride, eps, xqd,
259 int eps = 15; local
273 CONVERT_TO_BYTEPTR(input_p), w, h, stride, eps, xqd, local
289 tst_fun_(CONVERT_TO_BYTEPTR(input_p), w, h, stride, eps, xqd local
349 int eps = rnd.PseudoUniform(1 << SGRPROJ_PARAMS_BITS); local
362 tst_fun_(CONVERT_TO_BYTEPTR(input_p), w, h, stride, eps, xqd, local
366 CONVERT_TO_BYTEPTR(input_p), w, h, stride, eps, xqd, local
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/client/lib/
svd.cc 90 // def house(x, j, eps):
94 // if sigma < eps:
114 StatusOr<HouseHolderResult> HouseRow(XlaOp a, XlaOp i, XlaOp j, XlaOp eps,
156 BroadcastInDim(Lt(sigma, eps), x_shape.dimensions(), broadcast_dims), v,
160 beta = Select(Lt(Add(sigma, ZerosLike(beta), broadcast_dims), eps),
180 StatusOr<HouseHolderResult> HouseCol(XlaOp a, XlaOp i, XlaOp j, XlaOp eps,
223 BroadcastInDim(Lt(sigma, eps), x_shape.dimensions(), broadcast_dims), v,
227 beta = Select(Lt(Add(sigma, ZerosLike(beta), broadcast_dims), eps),
259 XlaOp a, XlaOp eps, PrecisionConfig::Precision precision) {
289 auto eps = values[4]
    [all...]

Completed in 1876 milliseconds

1 2 3 4 5 6 7