Searched defs:epsilon (Results 1 - 25 of 145) sorted by relevance

123456

/external/deqp/framework/delibs/decpp/
H A DdeRandom.cpp91 const float epsilon = 0.01f; local
94 DE_TEST_ASSERT(de::abs(expected[i] - rnd.getFloat()) < epsilon);
101 const float epsilon = 0.01f;
104 DE_TEST_ASSERT(de::abs(expected[i] - rnd.getFloat(-542.2f, 1248.7f)) < epsilon);
/external/apache-commons-math/src/main/java/org/apache/commons/math/optimization/linear/
H A DSimplexSolver.java39 protected final double epsilon; field in class:SimplexSolver
50 * @param epsilon the amount of error to accept in floating point comparisons
52 public SimplexSolver(final double epsilon) { argument
53 this.epsilon = epsilon;
65 if (MathUtils.compareTo(tableau.getEntry(0, i), minValue, epsilon) < 0) {
86 if (MathUtils.compareTo(entry, 0, epsilon) > 0) {
88 if (MathUtils.equals(ratio, minRatio, epsilon)) {
106 if (MathUtils.equals(tableau.getEntry(row, column), 1, epsilon) &&
165 if (!MathUtils.equals(tableau.getEntry(0, tableau.getRhsOffset()), 0, epsilon)) {
[all...]
/external/apache-commons-math/src/main/java/org/apache/commons/math/special/
H A DBeta.java66 * @param epsilon When the absolute value of the nth item in the
67 * series is less than epsilon the approximation ceases
73 double epsilon) throws MathException
75 return regularizedBeta(x, a, b, epsilon, Integer.MAX_VALUE);
110 * @param epsilon When the absolute value of the nth item in the
111 * series is less than epsilon the approximation ceases
118 final double b, double epsilon, int maxIterations) throws MathException
127 ret = 1.0 - regularizedBeta(1.0 - x, b, a, epsilon, maxIterations);
153 FastMath.log(a) - logBeta(a, b, epsilon, maxIterations)) *
154 1.0 / fraction.evaluate(x, epsilon, maxIteration
72 regularizedBeta(double x, double a, double b, double epsilon) argument
117 regularizedBeta(double x, final double a, final double b, double epsilon, int maxIterations) argument
188 logBeta(double a, double b, double epsilon, int maxIterations) argument
[all...]
H A DGamma.java151 * @param epsilon When the absolute value of the nth item in the
152 * series is less than epsilon the approximation ceases
160 double epsilon,
173 ret = 1.0 - regularizedGammaQ(a, x, epsilon, maxIterations);
179 while (FastMath.abs(an/sum) > epsilon && n < maxIterations && sum < Double.POSITIVE_INFINITY) {
228 * @param epsilon When the absolute value of the nth item in the
229 * series is less than epsilon the approximation ceases
237 double epsilon,
250 ret = 1.0 - regularizedGammaP(a, x, epsilon, maxIterations);
266 ret = 1.0 / cf.evaluate(x, epsilon, maxIteration
158 regularizedGammaP(double a, double x, double epsilon, int maxIterations) argument
235 regularizedGammaQ(final double a, double x, double epsilon, int maxIterations) argument
[all...]
/external/apache-commons-math/src/main/java/org/apache/commons/math/util/
H A DContinuedFraction.java81 * @param epsilon maximum error allowed.
85 public double evaluate(double x, double epsilon) throws MathException { argument
86 return evaluate(x, epsilon, Integer.MAX_VALUE);
121 * @param epsilon maximum error allowed.
126 public double evaluate(double x, double epsilon, int maxIterations) argument
136 while (n < maxIterations && relativeError > epsilon) {
/external/eigen/unsupported/test/
H A Dcxx11_tensor_simple.cpp159 Tensor<int, 3> epsilon(3,3,3);
160 epsilon.setZero();
161 epsilon(0,1,2) = epsilon(2,0,1) = epsilon(1,2,0) = 1;
162 epsilon(2,1,0) = epsilon(0,2,1) = epsilon(1,0,2) = -1;
164 VERIFY_IS_EQUAL((epsilon.size()), 27);
165 VERIFY_IS_EQUAL((epsilon
297 Tensor<int, 3> epsilon; local
[all...]
/external/tensorflow/tensorflow/core/kernels/
H A Dquantize_op_test.cc264 const int64 epsilon = 1 << 8; local
269 EXPECT_GT(epsilon, std::abs(delta))
H A Dfused_batch_norm_op.cu.cc30 double epsilon, T* output) {
32 output[index] = rsqrt(input[index] + T(epsilon));
38 const T* variance, double epsilon,
43 variance, epsilon, inv_variance);
47 __global__ void InvVarianceToVarianceKernel(int nthreads, double epsilon, argument
51 T var = __fdividef(1, inv_var * inv_var) - T(epsilon);
60 double epsilon, int sample_size,
65 epsilon, sample_size, variance);
29 VarianceToInvVarianceKernel(int nthreads, const T* input, double epsilon, T* output) argument
37 operator ()(const Eigen::GpuDevice& d, const T* variance, double epsilon, int channels, T* inv_variance) argument
59 operator ()(const Eigen::GpuDevice& d, double epsilon, int sample_size, int channels, T* variance) argument
H A Dfused_batch_norm_op.h33 // in v5, y = bnScale * (x - mean) / sqrt(variance + epsilon) + bnBias
38 void operator()(const Eigen::GpuDevice& d, const T* variance, double epsilon,
48 void operator()(const Eigen::GpuDevice& d, double epsilon, int sample_size,
67 const Tensor& pop_variance_input, U epsilon,
99 // scale_backprop = y_backprop * ((x - pop_mean) * rsqrt(pop_var + epsilon))
100 // x_backprop = y_backprop * (scale * rsqrt(pop_var + epsilon))
108 // scratch1 = rsqrt(pop_var + epsilon)
109 scratch1.device(d) = (pop_var + pop_var.constant(epsilon)).rsqrt();
64 operator ()(const Device& d, const Tensor& y_backprop_input, const Tensor& x_input, const Tensor& scale_input, const Tensor& pop_mean_input, const Tensor& pop_variance_input, U epsilon, Tensor* x_backprop_output, Tensor* scale_backprop_output, Tensor* offset_backprop_output, typename TTypes<U>::Vec scratch1, typename TTypes<U>::Vec scratch2) argument
/external/deqp/external/vulkancts/modules/vulkan/spirv_assembly/
H A DvktSpvAsmComputeShaderTestUtil.cpp32 bool verifyOutputWithEpsilon (const std::vector<AllocationSp>& outputAllocs, const std::vector<BufferSp>& expectedOutputs, tcu::TestLog& log, const float epsilon) argument
49 // Use custom epsilon because of the float->string conversion
50 if (fabs(expectedFloats[floatNdx] - actualFloats[floatNdx]) > epsilon)
53 << " Expected: " << expectedFloats[floatNdx] << " Actual: " << actualFloats[floatNdx] << " Epsilon: " << epsilon << tcu::TestLog::EndMessage;
120 const float epsilon = 0.001f; local
121 return verifyOutputWithEpsilon(outputAllocs, expectedOutputs, log, epsilon);
/external/deqp/external/vulkancts/modules/vulkan/texture/
H A DvktSampleVerifierUtil.hpp109 bool isEqualRelEpsilon (const tcu::Vector<float, Size>& a, const tcu::Vector<float, Size>& b, const float epsilon) argument
113 if (!isEqualRelEpsilon(a[compNdx], b[compNdx], epsilon))
/external/lmfit/lib/
H A Dlmstruct.h43 double epsilon; /* Step used to calculate the Jacobian, should be member in struct:__anon15154
/external/mesa3d/src/mesa/main/
H A Ddrawpix.c326 const GLfloat epsilon = 0.0001F; local
327 GLint x = IFLOOR(ctx->Current.RasterPos[0] + epsilon - xorig);
328 GLint y = IFLOOR(ctx->Current.RasterPos[1] + epsilon - yorig);
/external/replicaisland/src/com/replica/replicaisland/
H A DUtils.java27 public final static boolean close(float a, float b, float epsilon) { argument
28 return Math.abs(a - b) < epsilon;
/external/fonttools/Lib/fontTools/misc/
H A DbezierTools.py21 epsilon = 1e-12 variable
263 if abs(a) < epsilon:
264 if abs(b) < epsilon:
294 if abs(a) < epsilon:
/external/fonttools/Tools/fontTools/misc/
H A DbezierTools.py21 epsilon = 1e-12 variable
263 if abs(a) < epsilon:
264 if abs(b) < epsilon:
294 if abs(a) < epsilon:
/external/skia/tests/
H A DFloatingPointTextureTest.cpp28 void runFPTest(skiatest::Reporter* reporter, GrContext* context, T min, T max, T epsilon, T maxInt, argument
44 controlPixelData[i + 2] = epsilon;
/external/skqp/tests/
H A DFloatingPointTextureTest.cpp29 T min, T max, T epsilon, T maxInt, int arraySize, GrPixelConfig config) {
44 controlPixelData[i + 2] = epsilon;
28 runFPTest(skiatest::Reporter* reporter, GrContext* context, T min, T max, T epsilon, T maxInt, int arraySize, GrPixelConfig config) argument
/external/tensorflow/tensorflow/compiler/xla/service/gpu/
H A Dcudnn_batchnorm_rewriter.cc47 // cudnn defines CUDNN_BN_MIN_EPSILON = 1e-5 as the minimum acceptable epsilon
50 return batch_norm->epsilon() >= 1e-5;
69 HloInstruction* epsilon = computation_->AddInstruction( local
70 HloInstruction::CreateConstant(Literal::CreateR0(batch_norm->epsilon())));
77 operands.push_back(epsilon);
104 HloInstruction* epsilon = computation_->AddInstruction( local
105 HloInstruction::CreateConstant(Literal::CreateR0(batch_norm->epsilon())));
112 operands.push_back(epsilon);
121 // {output, mean, rsqrt(variance + epsilon)},
134 variance_plus_epsilon, epsilon));
167 HloInstruction* epsilon = computation_->AddInstruction( local
[all...]
/external/tensorflow/tensorflow/contrib/boosted_trees/resources/
H A Dquantile_stream_resource.h34 QuantileStreamResource(const float epsilon, const int32 num_quantiles, argument
37 : stream_(epsilon, max_elements),
39 epsilon_(epsilon),
66 float epsilon() const { return epsilon_; } function in class:tensorflow::boosted_trees::QuantileStreamResource
/external/apache-commons-math/src/main/java/org/apache/commons/math/distribution/
H A DPoissonDistributionImpl.java70 private double epsilon = DEFAULT_EPSILON; field in class:PoissonDistributionImpl
88 * @param epsilon the convergence criteria for cumulative probabilites
92 public PoissonDistributionImpl(double p, double epsilon, int maxIterations) { argument
94 this.epsilon = epsilon;
102 * @param epsilon the convergence criteria for cumulative probabilites
105 public PoissonDistributionImpl(double p, double epsilon) { argument
107 this.epsilon = epsilon;
219 return Gamma.regularizedGammaQ((double) x + 1, mean, epsilon, maxIteration
[all...]
/external/deqp/external/openglcts/modules/gles31/
H A Des31cTextureStorageMultisampleGLCoverageTests.cpp100 const float epsilon = (float)1e-5; local
139 if (de::abs(float_value - float(int_value)) > epsilon)
152 const float epsilon = (float)1e-5; local
163 if (bool_value != GL_FALSE || de::abs(float_value) > epsilon || int_value != 0)
182 if (bool_value != GL_FALSE || de::abs(float_value) > epsilon || int_value != 0)
224 if (bool_value != GL_TRUE || de::abs(float_value - expected_float_value) > epsilon ||
246 if (bool_value != GL_TRUE || de::abs(float_value - expected_float_value) > epsilon ||
305 const float epsilon = (float)1e-5; local
474 if (de::abs(float(expected_int_value) - float_value) > epsilon)
509 const float epsilon local
[all...]
/external/deqp/external/openglcts/modules/glesext/draw_buffers_indexed/
H A DesextcDrawBuffersIndexedBlending.cpp236 tcu::RGBA epsilon = GetEpsilon(); local
245 if (!VerifyImg(textureLevel, expected[i % 4], epsilon))
375 tcu::UVec4 epsilon; local
380 epsilon[i] = de::min(
384 return tcu::RGBA(epsilon.x(), epsilon.y(), epsilon.z(), epsilon.w());
388 tcu::RGBA epsilon)
395 if (!tcu::compareThreshold(pixel, expectedColor, epsilon))
387 VerifyImg(const tcu::TextureLevel& textureLevel, tcu::RGBA expectedColor, tcu::RGBA epsilon) argument
[all...]
H A DesextcDrawBuffersIndexedColorMasks.cpp206 tcu::RGBA epsilon = GetEpsilon(); local
230 if (!VerifyImg(textureLevel, expected, epsilon))
252 if (!VerifyImg(textureLevel, expected, epsilon))
274 if (!VerifyImg(textureLevel, expected, epsilon))
409 tcu::UVec4 epsilon; local
414 epsilon[i] = de::min(
418 return tcu::RGBA(epsilon.x(), epsilon.y(), epsilon.z(), epsilon
421 VerifyImg(const tcu::TextureLevel& textureLevel, tcu::RGBA expectedColor, tcu::RGBA epsilon) argument
[all...]
/external/deqp/external/openglcts/modules/glesext/tessellation_shader/
H A DesextcTessellationShaderMaxPatchVertices.cpp665 const glw::GLfloat epsilon = (glw::GLfloat)1e-5f; local
670 if (de::abs(resultFloats[i] - ref_fv[i]) > epsilon)

Completed in 489 milliseconds

123456