HomeSort by relevance Sort by last modified time
    Searched full:norm (Results 76 - 100 of 1009) sorted by null

1 2 34 5 6 7 8 91011>>

  /external/eigen/bench/
quat_slerp.cpp 92 theta = /*M_PI -*/ Scalar(2)*std::asin( (a.coeffs()+b.coeffs()).norm()/2 );
94 theta = Scalar(2)*std::asin( (a.coeffs()-b.coeffs()).norm()/2 );
115 // theta = Scalar(2) * atan2((a.coeffs()-b.coeffs()).norm(),(a.coeffs()+b.coeffs()).norm());
120 theta = /*M_PI -*/ Scalar(2)*std::asin( (-a.coeffs()-b.coeffs()).norm()/2 );
122 theta = Scalar(2)*std::asin( (a.coeffs()-b.coeffs()).norm()/2 );
199 err[0] = (cr.coeffs()-refc.cast<RefScalar>().coeffs()).norm();
203 err[k+1] = (c[k].coeffs()-refc.coeffs()).norm();
  /external/webrtc/webrtc/common_audio/signal_processing/
levinson_durbin.c 38 int16_t norm; local
42 norm = WebRtcSpl_NormW32(R[0]);
46 temp1W32 = WEBRTC_SPL_LSHIFT_W32(R[i], norm);
135 norm = WebRtcSpl_NormW32(temp3W32);
136 if ((Alpha_exp <= norm) || (temp3W32 == 0))
212 norm = WebRtcSpl_NormW32(temp1W32);
213 temp1W32 = WEBRTC_SPL_LSHIFT_W32(temp1W32, norm);
219 Alpha_exp = Alpha_exp + norm;
  /external/ceres-solver/internal/ceres/
dense_sparse_matrix_test.cc 65 EXPECT_EQ((y_a - y_b).norm(), 0);
106 EXPECT_EQ((b1 - b2).norm(), 0);
120 EXPECT_EQ((b1 - b2).norm(), 0);
135 EXPECT_EQ((b1 - b2).norm(), 0);
145 EXPECT_EQ((b1 - b2).norm(), 0);
165 EXPECT_EQ((tsm_dense - dsm_dense).norm(), 0.0);
incomplete_lq_factorization.cc 44 // Normalize a row and return it's norm.
50 double norm = 0.0; local
52 norm += values[i] * values[i];
55 norm = sqrt(norm);
56 const double inverse_norm = 1.0 / norm;
61 return norm;
block_random_access_sparse_matrix_test.cc 101 EXPECT_NEAR((dense.block(0, 0, 3, 3) - Matrix::Ones(3, 3)).norm(),
105 EXPECT_NEAR((dense.block(3, 3, 4, 4) - 2 * 2 * Matrix::Ones(4, 4)).norm(),
109 EXPECT_NEAR((dense.block(3, 3 + 4, 4, 5) - 2 * 3 * Matrix::Ones(4, 5)).norm(),
113 EXPECT_NEAR((dense.block(3 + 4, 0, 5, 3) - 3 * 1 * Matrix::Ones(5, 3)).norm(),
118 EXPECT_NEAR(dense.norm(), sqrt(9. + 16. * 16. + 36. * 20. + 9. * 15.),
  /external/eigen/test/eigen2/
eigen2_regression.cpp 41 } while( cur_point.norm() < 0.5
42 || cur_point.norm() > 2.0 );
60 typename VectorType::Scalar error = (result - original).norm() / original.norm();
75 typename VectorType::Scalar error = (result.coeffs() - original.coeffs()).norm() / original.coeffs().norm();
  /external/llvm/test/CodeGen/X86/
win64_eh.ll 1 ; RUN: llc < %s -O0 -mattr=sse2 -mtriple=x86_64-pc-windows-itanium | FileCheck %s -check-prefix=WIN64 -check-prefix=NORM
2 ; RUN: llc < %s -O0 -mattr=sse2 -mtriple=x86_64-pc-mingw32 | FileCheck %s -check-prefix=WIN64 -check-prefix=NORM
24 ; NORM: subq $4000, %rsp
88 ; NORM: subq $24, %rsp
132 ; NORM: subq $56, %rsp
157 ; NORM: subq $96, %rsp
  /external/opencv3/modules/photo/test/
test_npr.cpp 65 double error = cvtest::norm(reference, result, NORM_L1);
82 double error = cvtest::norm(reference, result, NORM_L1);
100 double error = cvtest::norm(reference, result, NORM_L1);
117 double pencil_error = norm(pencil_reference, pencil_result, NORM_L1);
121 double color_pencil_error = cvtest::norm(color_pencil_reference, color_pencil_result, NORM_L1);
138 double stylized_error = cvtest::norm(stylized_reference, result, NORM_L1);
  /frameworks/ml/bordeaux/learning/stochastic_linear_ranker/native/
sparse_weight_vector.h 65 // 4. its L0 norm is close to zero.
72 void SetNormalizer(const double norm) {
73 normalizer_ = norm;
143 // L-x norm. eg. L1, L2.
157 // Reproject using the given norm.
159 int32 Reproject(const double norm, const RegularizationType r);
  /external/eigen/unsupported/Eigen/src/LevenbergMarquardt/
LevenbergMarquardt.h 156 /** Sets the tolerance for the norm of the solution vector*/
159 /** Sets the tolerance for the norm of the vector function*/
162 /** Sets the tolerance for the norm of the gradient of the error vector*/
189 /** \returns the norm of current vector function */
192 /** \returns the norm of the gradient of the error */
238 RealScalar m_fnorm; // Norm of the current vector function
239 RealScalar m_gnorm; //Norm of the gradient of the error
242 RealScalar m_ftol; //Tolerance in the norm of the vector function
244 RealScalar m_gtol; //tolerance of the norm of the error gradient
310 /* and calculate its norm. *
    [all...]
LMonestep.h 59 /* on the first iteration, calculate the norm of the scaled x */
73 /* compute the norm of the scaled gradient. */
80 /* test for convergence of the gradient norm. */
94 /* store the direction p and x + p. calculate the norm of p. */
103 /* evaluate the function at x + p and calculate its norm. */
  /external/mesa3d/src/mesa/drivers/dri/radeon/
radeon_maos_vbtmp.h 46 GLuint (*norm)[4];
117 norm = (GLuint (*)[4])VB->AttribPtr[_TNL_ATTRIB_NORMAL]->data;
120 norm = (GLuint (*)[4])&ctx->Current.Attrib[VERT_ATTRIB_NORMAL];
164 norm = (GLuint (*)[4])((GLubyte *)norm + start * norm_stride);
189 v[0].ui = norm[0][0];
190 v[1].ui = norm[0][1];
191 v[2].ui = norm[0][2];
193 norm = (GLuint (*)[4])((GLubyte *)norm + norm_stride)
    [all...]
  /external/opencv3/modules/core/test/ocl/
test_arithm.cpp 1213 //////////////////////////////// Norm /////////////////////////////////////////////////
1220 typedef ArithmTestBase Norm;
1222 OCL_TEST_P(Norm, NORM_INF_1arg)
1228 OCL_OFF(const double cpuRes = cv::norm(src1_roi, NORM_INF));
1229 OCL_ON(const double gpuRes = cv::norm(usrc1_roi, NORM_INF));
1235 OCL_TEST_P(Norm, NORM_INF_1arg_mask)
1241 OCL_OFF(const double cpuRes = cv::norm(src1_roi, NORM_INF, mask_roi));
1242 OCL_ON(const double gpuRes = cv::norm(usrc1_roi, NORM_INF, umask_roi));
1248 OCL_TEST_P(Norm, NORM_L1_1arg)
1254 OCL_OFF(const double cpuRes = cv::norm(src1_roi, NORM_L1))
    [all...]
  /external/opencv3/modules/calib3d/test/
test_cameracalibration_artificial.cpp 78 *rot.ptr<Vec3d>(2) = ez * (1.0/norm(ez));
177 if (norm(tvec_est - tvec) > eps* (norm(tvec) + dlt))
186 ts->printf( cvtest::TS::LOG, "%d) norm(tvec_est - tvec) = %f, norm(tvec_exp) = %f \n", r, norm(tvec_est - tvec), norm(tvec));
207 if (cvtest::norm(rmat_est, rmat, NORM_L2) > eps* (cvtest::norm(rmat, NORM_L2) + dlt))
216 ts->printf( cvtest::TS::LOG, "%d) norm(rot_mat_est - rot_mat_exp) = %f, norm(rot_mat_exp) = %f \n", r
    [all...]
  /external/eigen/Eigen/src/Core/
StableNorm.h 141 /** \returns the \em l2 norm of \c *this avoiding underflow and overflow.
149 * \sa norm(), blueNorm(), hypotNorm()
173 /** \returns the \em l2 norm of \c *this using the Blue's algorithm.
174 * A Portable Fortran Program to Find the Euclidean Norm of a Vector,
180 * \sa norm(), stableNorm(), hypotNorm()
189 /** \returns the \em l2 norm of \c *this avoiding undeflow and overflow.
192 * \sa norm(), stableNorm()
  /external/opencv3/modules/java/android_test/src/org/opencv/test/android/
UtilsTest.java 37 double maxDiff = Core.norm(m16, m32, Core.NORM_INF);
81 maxDiff = Core.norm(imgRGBA, m16, Core.NORM_INF);
87 maxDiff = Core.norm(imgRGBA, m32, Core.NORM_INF);
99 maxDiff = Core.norm(imgRGBA, m16, Core.NORM_INF);
105 maxDiff = Core.norm(imgRGBA, m32, Core.NORM_INF);
119 maxDiff = Core.norm(imgGray, tmp, Core.NORM_INF);
127 maxDiff = Core.norm(imgGray, tmp, Core.NORM_INF);
  /external/opencv3/samples/python2/
find_obj.py 29 norm = cv2.NORM_L2
32 norm = cv2.NORM_L2
35 norm = cv2.NORM_HAMMING
38 norm = cv2.NORM_HAMMING
41 norm = cv2.NORM_HAMMING
45 if norm == cv2.NORM_L2:
54 matcher = cv2.BFMatcher(norm)
  /external/mesa3d/src/gallium/drivers/llvmpipe/
lp_test_main.c 54 type.norm ? "n" : "",
128 if(type.norm && value < -1.0)
130 if(type.norm && value > 1.0)
197 if(!type.norm) {
306 if(type.sign && !type.norm) {
339 format = type.norm ? "%2x" : "%4llu";
343 format = type.norm ? "%4x" : "%6llx";
347 format = type.norm ? "%8x" : "%11llx";
351 format = type.norm ? "%16x" : "%21llx";
  /external/apache-commons-math/src/main/java/org/apache/commons/math/linear/
SingularValueDecomposition.java 117 * Returns the L<sub>2</sub> norm of the matrix.
118 * <p>The L<sub>2</sub> norm is max(|A &times; u|<sub>2</sub> /
119 * |u|<sub>2</sub>), where |.|<sub>2</sub> denotes the vectorial 2-norm
120 * (i.e. the traditional euclidian norm).</p>
121 * @return norm
  /external/eigen/blas/
level1_impl.h 113 RealScalar norm,scale; local
123 norm = scale*sqrt((numext::abs2(a/scale)) + (numext::abs2(b/scale)));
125 *c = abs(a)/norm;
126 *s = alpha*numext::conj(b)/norm;
127 a = alpha*norm;
  /external/eigen/unsupported/test/
splines.cpp 129 VERIFY( (pt - pts.col(i)).norm() < 1e-14 );
157 VERIFY( (pt - pts.col(i)).norm() < 1e-14 );
197 VERIFY( (pt - pts.col(i)).norm() < 1e-14 );
220 VERIFY( (pt - ref).matrix().norm() < 1e-14 );
232 VERIFY( (pt - ref).matrix().norm() < 1e-14 );
  /external/icu/android_icu4j/src/main/tests/android/icu/dev/test/normalizer/
TestDeprecatedNormalizerAPI.java 56 Normalizer norm = new Normalizer(iter, Normalizer.NFC,0); local
57 if(norm.next()!=0xe4) {
65 Normalizer clone=(Normalizer)norm.clone();
66 if(clone.getBeginIndex()!= norm.getBeginIndex()){
70 if(clone.getEndIndex()!= norm.getEndIndex()){
  /external/icu/icu4j/main/tests/core/src/com/ibm/icu/dev/test/normalizer/
TestDeprecatedNormalizerAPI.java 52 Normalizer norm = new Normalizer(iter, Normalizer.NFC,0); local
53 if(norm.next()!=0xe4) {
61 Normalizer clone=(Normalizer)norm.clone();
62 if(clone.getBeginIndex()!= norm.getBeginIndex()){
66 if(clone.getEndIndex()!= norm.getEndIndex()){
  /external/opencv3/modules/core/perf/
perf_norm.cpp 14 PERF_TEST_P(Size_MatType_NormType, norm,
31 TEST_CYCLE() n = norm(src, normType);
54 TEST_CYCLE() n = norm(src, normType, mask);
77 TEST_CYCLE() n = norm(src1, src2, normType);
101 TEST_CYCLE() n = norm(src1, src2, normType, mask);
  /frameworks/ml/bordeaux/service/src/android/bordeaux/services/
LocationCluster.java 122 double norm = 0f; local
125 norm += vector[i] * vector[i];
127 norm = Math.sqrt(norm);
132 (vector[i] / norm) * Math.sin(radian);

Completed in 508 milliseconds

1 2 34 5 6 7 8 91011>>