Home
last modified time | relevance | path

Searched refs:rho (Results 1 – 25 of 43) sorted by relevance

12

/external/ceres-solver/internal/ceres/
Dloss_function.cc40 void TrivialLoss::Evaluate(double s, double rho[3]) const { in Evaluate()
41 rho[0] = s; in Evaluate()
42 rho[1] = 1.0; in Evaluate()
43 rho[2] = 0.0; in Evaluate()
46 void HuberLoss::Evaluate(double s, double rho[3]) const { in Evaluate()
51 rho[0] = 2.0 * a_ * r - b_; in Evaluate()
52 rho[1] = std::max(std::numeric_limits<double>::min(), a_ / r); in Evaluate()
53 rho[2] = - rho[1] / (2.0 * s); in Evaluate()
56 rho[0] = s; in Evaluate()
57 rho[1] = 1.0; in Evaluate()
[all …]
Dcorrector_test.cc148 double rho[3]; in TEST() local
178 rho[0] = sq_norm; in TEST()
179 rho[1] = RandDouble(); in TEST()
180 rho[2] = 2.0 * RandDouble() - 1.0; in TEST()
186 const double kD = 1 + 2 * rho[2] / rho[1] * sq_norm; in TEST()
187 const double kAlpha = (rho[2] > 0.0) ? 1 - sqrt(kD) : 0.0; in TEST()
190 g_res = sqrt(rho[1]) / (1.0 - kAlpha) * res; in TEST()
191 g_jac = sqrt(rho[1]) * (jac - kAlpha / sq_norm * in TEST()
194 g_grad = rho[1] * jac.transpose() * res; in TEST()
195 g_hess = rho[1] * jac.transpose() * jac + in TEST()
[all …]
Dloss_function_test.cc51 double rho[3]; in AssertLossFunctionIsValid() local
52 loss.Evaluate(s, rho); in AssertLossFunctionIsValid()
66 ASSERT_NEAR(fd_1, rho[1], 1e-6); in AssertLossFunctionIsValid()
69 const double fd_2 = (fwd[0] - 2*rho[0] + bwd[0]) / (kH * kH); in AssertLossFunctionIsValid()
70 ASSERT_NEAR(fd_2, rho[2], 1e-6); in AssertLossFunctionIsValid()
122 double rho[3]; in TEST() local
123 TolerantLoss(0.7, 0.4).Evaluate(0.0, rho); in TEST()
124 ASSERT_NEAR(rho[0], 0.0, 1e-6); in TEST()
200 double rho[3]; in TEST() local
202 loss_function_wrapper.Evaluate(s, rho); in TEST()
[all …]
Dcorrector.cc41 Corrector::Corrector(const double sq_norm, const double rho[3]) { in Corrector()
43 sqrt_rho1_ = sqrt(rho[1]); in Corrector()
81 if ((sq_norm == 0.0) || (rho[2] <= 0.0)) { in Corrector()
93 CHECK_GT(rho[1], 0.0); in Corrector()
100 const double D = 1.0 + 2.0 * sq_norm * rho[2] / rho[1]; in Corrector()
Dconjugate_gradients_solver.cc111 double rho = 1.0; in Solve() local
127 double last_rho = rho; in Solve()
128 rho = r.dot(z); in Solve()
129 if (IsZeroOrInfinity(rho)) { in Solve()
131 summary.message = StringPrintf("Numerical failure. rho = r'z = %e.", rho); in Solve()
138 double beta = rho / last_rho; in Solve()
158 const double alpha = rho / pq; in Solve()
Dresidual_block.cc163 double rho[3]; in Evaluate() local
164 loss_function_->Evaluate(squared_norm, rho); in Evaluate()
165 *cost = 0.5 * rho[0]; in Evaluate()
175 Corrector correct(squared_norm, rho); in Evaluate()
Dc_api.cc104 virtual void Evaluate(double sq_norm, double* rho) const { in Evaluate()
105 (*loss_function_)(user_data_, sq_norm, rho); in Evaluate()
Dcorrector.h66 explicit Corrector(double sq_norm, const double rho[3]);
/external/eigen/unsupported/Eigen/src/IterativeSolvers/
DConstrainedConjGrad.h58 Scalar rho, rho_1, alpha; in pseudo_inverse() local
67 rho = 1.0; in pseudo_inverse()
72 while (rho >= 1e-38) in pseudo_inverse()
77 alpha = rho / p.dot(q); in pseudo_inverse()
80 rho_1 = rho; in pseudo_inverse()
81 rho = r.dot(r); in pseudo_inverse()
82 p = (rho/rho_1) * p + r; in pseudo_inverse()
114 Scalar rho = 1.0, rho_1, lambda, gamma; in constrained_cg() local
157 rho_1 = rho; in constrained_cg()
158 rho = r.dot(z); in constrained_cg()
[all …]
/external/ceres-solver/include/ceres/
Dloss_function.h314 ScaledLoss(const LossFunction* rho, double a, Ownership ownership) : in ScaledLoss() argument
315 rho_(rho), a_(a), ownership_(ownership) { } in ScaledLoss()
368 LossFunctionWrapper(LossFunction* rho, Ownership ownership) in LossFunctionWrapper() argument
369 : rho_(rho), ownership_(ownership) { in LossFunctionWrapper()
383 void Reset(LossFunction* rho, Ownership ownership) { in Reset() argument
387 rho_.reset(rho); in Reset()
/external/apache-commons-math/src/main/java/org/apache/commons/math/optimization/direct/
DNelderMead.java36 private final double rho; field in NelderMead
52 this.rho = 1.0; in NelderMead()
64 public NelderMead(final double rho, final double khi, in NelderMead() argument
66 this.rho = rho; in NelderMead()
105 xR[j] = centroid[j] + rho * (centroid[j] - xWorst[j]); in iterateSimplex()
/external/opencv/cv/src/
Dcvhough.cpp64 float rho; member
85 icvHoughLinesStandard( const CvMat* img, float rho, float theta, in CV_IMPLEMENT_QSORT_EX()
104 float irho = 1 / rho; in CV_IMPLEMENT_QSORT_EX()
115 numrho = cvRound(((width + height) * 2 + 1) / rho); in CV_IMPLEMENT_QSORT_EX()
165 line.rho = (r - (numrho - 1)*0.5f) * rho; in CV_IMPLEMENT_QSORT_EX()
192 float rho, float theta, int threshold, in IMPLEMENT_LIST()
238 CV_ASSERT( linesMax > 0 && rho > 0 && theta > 0 ); in IMPLEMENT_LIST()
247 irho = 1 / rho; in IMPLEMENT_LIST()
249 srho = rho / srn; in IMPLEMENT_LIST()
259 vi.rho = -1; in IMPLEMENT_LIST()
[all …]
/external/eigen/Eigen/src/IterativeLinearSolvers/
DBiCGSTAB.h52 Scalar rho = 1; in bicgstab() local
69 Scalar rho_old = rho; in bicgstab()
71 rho = r0.dot(r); in bicgstab()
72 if (abs(rho) < eps2*r0_sqnorm) in bicgstab()
77 rho = r0_sqnorm = r.squaredNorm(); in bicgstab()
81 Scalar beta = (rho/rho_old) * (alpha / w); in bicgstab()
88 alpha = rho / r0.dot(v); in bicgstab()
/external/mesa3d/src/gallium/auxiliary/gallivm/
Dlp_bld_sample.c203 LLVMValueRef rho; in lp_build_rho() local
289 rho = rho_vec; in lp_build_rho()
306 rho = lp_build_max(coord_bld, rho_s, rho_t); in lp_build_rho()
314 rho = lp_build_max(coord_bld, rho, rho_r); in lp_build_rho()
318 rho = lp_build_pack_aos_scalars(bld->gallivm, coord_bld->type, in lp_build_rho()
319 perquadf_bld->type, rho); in lp_build_rho()
328 rho = rho_vec; in lp_build_rho()
337 rho = lp_build_max(float_bld, rho_s, rho_t); in lp_build_rho()
341 rho = lp_build_max(float_bld, rho, rho_r); in lp_build_rho()
347 return rho; in lp_build_rho()
[all …]
/external/ceres-solver/examples/
Dfields_of_experts.cc78 void FieldsOfExpertsLoss::Evaluate(double sq_norm, double rho[3]) const { in Evaluate()
83 rho[0] = alpha_ * log(sum); in Evaluate()
84 rho[1] = alpha_ * c * inv; in Evaluate()
85 rho[2] = - alpha_ * c * c * inv * inv; in Evaluate()
/external/libcxx/test/std/numerics/complex.number/complex.value.ops/
Dpolar.pass.cpp23 test(const T& rho, std::complex<T> x) in test() argument
25 assert(std::polar(rho) == x); in test()
30 test(const T& rho, const T& theta, std::complex<T> x) in test() argument
32 assert(std::polar(rho, theta) == x); in test()
/external/mesa3d/src/mesa/drivers/dri/i965/
Dbrw_lower_texture_gradients.cpp128 ir_rvalue *rho; in visit_leave() local
130 rho = expr(ir_binop_max, expr(ir_unop_abs, dPdx), in visit_leave()
133 rho = expr(ir_binop_max, expr(ir_unop_sqrt, dot(dPdx, dPdx)), in visit_leave()
139 ir->lod_info.lod = expr(ir_unop_log2, rho); in visit_leave()
/external/iproute2/netem/
Dstats.c24 double mu=0.0, sigma=0.0, sumsquare=0.0, sum=0.0, top=0.0, rho=0.0; in stats() local
51 rho = top/sigma2; in stats()
55 printf("rho = %12.6f\n", rho); in stats()
Dmaketable.c51 arraystats(double *x, int limit, double *mu, double *sigma, double *rho) in arraystats() argument
70 *rho = top/sigma2; in arraystats()
200 double mu, sigma, rho; in main() local
219 arraystats(x, limit, &mu, &sigma, &rho); in main()
222 limit, mu, sigma, rho); in main()
/external/eigen/bench/
Deig33.cpp76 Scalar rho = internal::sqrt(-a_over_3); in computeRoots() local
80 roots(0) = c2_over_3 + Scalar(2)*rho*cos_theta; in computeRoots()
81 roots(1) = c2_over_3 - rho*(cos_theta + s_sqrt3*sin_theta); in computeRoots()
82 roots(2) = c2_over_3 - rho*(cos_theta - s_sqrt3*sin_theta); in computeRoots()
/external/bouncycastle/bcprov/src/main/java/org/bouncycastle/math/ec/
DWTauNafMultiplier.java37 ZTauElement rho = Tnaf.partModReduction(k, m, a, s, mu, (byte)10); in multiplyPositive() local
39 return multiplyWTnaf(p, rho, curve.getPreCompInfo(p, PRECOMP_NAME), a, mu); in multiplyPositive()
/external/ceres-solver/docs/source/
Dmodeling.rst852 .. math:: out = \begin{bmatrix}\rho(s), & \rho'(s), & \rho''(s)\end{bmatrix}
855 function is given by :math:`\frac{1}{2}\rho(s)`, where :math:`s
860 Most sane choices of :math:`\rho` satisfy:
864 \rho(0) &= 0\\
865 \rho'(0) &= 1\\
866 \rho'(s) &< 1 \text{ in the outlier region}\\
867 \rho''(s) &< 0 \text{ in the outlier region}
873 Given one robustifier :math:`\rho(s)` one can change the length
875 factor :math:`a > 0` which gives us :math:`\rho(s,a) = a^2 \rho(s /
876 a^2)` and the first and second derivatives as :math:`\rho'(s /
[all …]
/external/opencv/ml/src/
Dmlsvm.cpp728 (this->*calc_rho_func)( si.rho, si.r ); in solve_generic()
798 CvSVMSolver::calc_rho( double& rho, double& r ) in calc_rho() argument
828 rho = nr_free > 0 ? sum_free/nr_free : (ub + lb)*0.5; in calc_rho()
903 CvSVMSolver::calc_rho_nu_svm( double& rho, double& r ) in calc_rho_nu_svm() argument
945 rho = (r1 - r2)*0.5; in calc_rho_nu_svm()
1019 _si.rho *= inv_r; in solve_nu_svc()
1284 CvMemStorage* _storage, double* alpha, double& rho ) in train1() argument
1295 si.rho = 0; in train1()
1308 rho = si.rho; in train1()
1336 df->rho = 0; in do_train()
[all …]
/external/llvm/test/CodeGen/X86/
D2009-08-14-Win64MemoryIndirectArg.ll48 %rho = extractelement <4 x float> %4, i32 0 ; <float> [#uses=1]
49 ret float %rho
/external/webrtc/src/modules/audio_coding/codecs/isac/main/source/
Dfilter_functions.c132 double rho=0.9, *inp, *dp, *dp2; in WebRtcIsac_WeightingFilter() local
169 WebRtcIsac_BwExpand(apolr, apol, rho, PITCH_WLPCORDER+1); in WebRtcIsac_WeightingFilter()

12