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

1 2 3 45 6 7 8 91011>>

  /external/ceres-solver/internal/ceres/
rotation_test.cc 73 *result_listener << "squared norm is " << norm2;
318 double norm = 0; local
321 norm += axis_angle[i] * axis_angle[i];
323 norm = sqrt(norm);
328 axis_angle[i] = axis_angle[i] * theta / norm;
350 double norm = 0; local
353 norm += quaternion[i] * quaternion[i];
355 norm = sqrt(norm);
427 double norm = 0; local
526 double norm = 0; local
559 double norm = 0; local
    [all...]
schur_eliminator_test.cc 177 double diff = delta.norm();
178 EXPECT_NEAR(diff / lhs_expected.norm(), 0.0, relative_tolerance);
179 EXPECT_NEAR((rhs - rhs_expected).norm() / rhs_expected.norm(), 0.0,
181 EXPECT_NEAR((sol - sol_expected).norm() / sol_expected.norm(), 0.0,
  /external/llvm/include/llvm/CodeGen/
CalcSpillWeights.h 65 NormalizingFn norm = normalizeSpillWeight)
66 : MF(mf), LIS(lis), VRM(vrm), Loops(loops), MBFI(mbfi), normalize(norm) {}
78 VirtRegAuxInfo::NormalizingFn norm =
  /external/opencv3/modules/calib3d/test/
test_decompose_projection.cpp 114 if ( norm(origK, K, cv::NORM_INF) > thresh )
120 if ( norm(origR, R, cv::NORM_INF) > thresh )
126 if ( norm(origT, t, cv::NORM_INF) > thresh )
test_homography_decomp.cpp 121 double rdist = norm(*riter, _R, NORM_INF);
122 double tdist = norm(*titer, _t, NORM_INF);
123 double ndist = norm(*niter, _n, NORM_INF);
test_affine3.cpp 57 ASSERT_EQ(0, cvtest::norm(cv::Mat(affine.matrix, false).colRange(0, 3).rowRange(0, 3) != expected, cv::NORM_L2));
58 ASSERT_EQ(0, cvtest::norm(cv::Mat(affine.linear()) != expected, cv::NORM_L2));
80 ASSERT_LT(cvtest::norm(diff, cv::NORM_INF), 1e-15);
106 ASSERT_LT(cvtest::norm(va, vo, cv::NORM_L2), 1e-9);
  /external/opencv3/modules/cudaimgproc/src/cuda/
canny.cu 105 template <class Norm> __global__
106 void calcMagnitudeKernel(const SrcTex src, PtrStepi dx, PtrStepi dy, PtrStepSzf mag, const Norm norm)
120 mag(y, x) = norm(dxVal, dyVal);
133 L2 norm;
134 calcMagnitudeKernel<<<grid, block, 0, stream>>>(src, dx, dy, mag, norm);
138 L1 norm;
139 calcMagnitudeKernel<<<grid, block, 0, stream>>>(src, dx, dy, mag, norm);
152 L2 norm;
153 transform(dx, dy, mag, norm, WithOutMask(), stream)
    [all...]
  /external/opencv3/samples/python2/
hist.py 108 norm = cv2.normalize(gray,alpha = 0,beta = 255,norm_type = cv2.NORM_MINMAX) variable
109 lines = hist_lines(norm)
111 cv2.imshow('image',norm)
  /external/pdfium/xfa/src/fxbarcode/datamatrix/
BC_DataMatrixDetector.cpp 212 int32_t norm = Distance(topLeft, topRight); local
213 FX_FLOAT cos = (topRight->GetX() - topLeft->GetX()) / norm;
214 FX_FLOAT sin = (topRight->GetY() - topLeft->GetY()) / norm;
218 norm = Distance(bottomRight, topRight);
219 cos = (topRight->GetX() - bottomRight->GetX()) / norm;
220 sin = (topRight->GetY() - bottomRight->GetY()) / norm;
259 int32_t norm = Distance(topLeft, topRight); local
260 FX_FLOAT cos = (topRight->GetX() - topLeft->GetX()) / norm;
261 FX_FLOAT sin = (topRight->GetY() - topLeft->GetY()) / norm;
265 norm = Distance(bottomRight, topRight);
    [all...]
  /frameworks/av/services/audioflinger/
AudioMixerOps.h 84 static const float norm = 1. / (1 << 12); local
85 return value * volume * norm;
90 static const float norm = 1. / (1 << 28); local
91 return value * volume * norm;
106 static const float norm = 1. / (1 << (15 + 12)); local
107 return static_cast<float>(value) * static_cast<float>(volume) * norm;
112 static const float norm = 1. / (1ULL << (15 + 28)); local
113 return static_cast<float>(value) * static_cast<float>(volume) * norm;
191 static const float norm = 1. / (1 << 15); local
192 *auxaccum += norm * value
197 static const float norm = 1. \/ (1 << 27); local
    [all...]
  /external/eigen/unsupported/Eigen/src/Polynomials/
Companion.h 128 * for a certain norm if the i-th row and the i-th column
129 * have same norm for all i.
192 * Set the norm of the column and the row to the geometric mean
193 * of the row and column norm
241 // column norm, excluding the diagonal
244 // row norm, excluding the diagonal
  /external/opencv3/modules/photo/test/
test_cloning.cpp 88 double error = cvtest::norm(reference, result, NORM_L1);
119 double error = cvtest::norm(reference, result, NORM_L1);
151 double error = cvtest::norm(reference, result, NORM_L1);
177 double error = cvtest::norm(reference, result, NORM_L1);
201 double error = cvtest::norm(reference, result, NORM_L1);
227 double error = cvtest::norm(reference, result, NORM_L1);
test_decolor.cpp 66 double error_grayscale = cvtest::norm(reference_grayscale, grayscale, NORM_L1);
70 double error_boost = cvtest::norm(reference_boost, color_boost, NORM_L1);
  /frameworks/ml/bordeaux/learning/multiclass_pa/native/
multiclass_pa.cpp 92 float norm = 0; local
94 norm += inputs[i] * inputs[i];
96 return norm;
101 float norm = 0; local
103 norm += inputs[i].second * inputs[i].second;
105 return norm;
  /cts/suite/audio_quality/test_description/processing/
calc_thd.py 37 P0 = math.pow(la.norm(fftData[baseSignalLoc - iMargain/2: baseSignalLoc + iMargain/2]), 2)
41 Pothers += math.pow(la.norm(fftData[i - iMargain/2: i + iMargain/2]), 2)
  /external/eigen/test/
prec_inverse_4x4.cpp 22 double error = double( (m*inv-MatrixType::Identity()).norm() / NumTraits<Scalar>::epsilon() );
44 double error = double( (m*inv-MatrixType::Identity()).norm() * absdet / NumTraits<Scalar>::epsilon() );
  /external/eigen/unsupported/test/
alignedvector3.cpp 43 VERIFY_IS_APPROX(f2.norm(),r2.norm());
  /external/opencv3/samples/cpp/tutorial_code/calib3d/real_time_pose_estimation/src/
Utils.h 48 // Computes the norm of the translation error
51 // Computes the norm of the rotation error
  /frameworks/ml/bordeaux/learning/stochastic_linear_ranker/native/
sparse_weight_vector.cpp 267 // and then reprojects to the L0 orthant with the requested norm.
270 // Compute order statistics and the current L0 norm.
310 // Compute order statistics and the current L1 norm.
361 int32 SparseWeightVector<Key, Hash>::Reproject(const double norm,
363 CHECK_GT(norm, 0);
365 ReprojectL0(norm);
367 ReprojectL1(norm);
369 ReprojectL2(norm);
  /external/opencv/cxcore/src/
_cxipp.h 316 ( const srctype* img, int imgstep, CvSize size, double* norm )) \
319 ( const srctype* img, int imgstep, CvSize size, double* norm )) \
322 ( const srctype* img, int imgstep, CvSize size, double* norm )) \
327 CvSize size, double* norm )) \
332 CvSize size, double* norm )) \
337 CvSize size, double* norm ))
343 CvSize size, double* norm )) \
347 CvSize size, double* norm, CvHintAlgorithm )) \
351 CvSize size, double* norm, CvHintAlgorithm )) \
356 CvSize size, double* norm )) \
    [all...]
  /external/bouncycastle/bcprov/src/main/java/org/bouncycastle/math/ec/
Tnaf.java 75 * Computes the norm of an element <code>&lambda;</code> of
80 * @return The norm of <code>&lambda;</code>.
82 public static BigInteger norm(final byte mu, ZTauElement lambda) method in class:Tnaf
84 BigInteger norm; local
97 norm = s1.add(s2).add(s3);
101 norm = s1.subtract(s2).add(s3);
108 return norm;
112 * Computes the norm of an element <code>&lambda;</code> of
121 * @return The norm of <code>&lambda;</code>.
123 public static SimpleBigDecimal norm(final byte mu, SimpleBigDecimal u method in class:Tnaf
126 SimpleBigDecimal norm; local
321 BigInteger norm = norm(mu, lambda); local
743 BigInteger norm = norm(mu, lambda); local
    [all...]
  /external/apache-commons-math/src/main/java/org/apache/commons/math/geometry/
Vector3D.java 203 /** Get the L<sub>1</sub> norm for the vector.
204 * @return L<sub>1</sub> norm for the vector
210 /** Get the L<sub>2</sub> norm for the vector.
211 * @return euclidian norm for the vector
217 /** Get the square of the norm for the vector.
218 * @return square of the euclidian norm for the vector
224 /** Get the L<sub>&infin;</sub> norm for the vector.
225 * @return L<sub>&infin;</sub> norm for the vector
283 * @exception ArithmeticException if the norm is zero
306 * @exception ArithmeticException if the norm of the instance is nul
    [all...]
  /external/avahi/initscript/suse/
avahi-daemon.in 31 echo "${attn} Use try-restart ${done}(LSB)${attn} rather than condrestart ${warn}(RH)${norm}"
avahi-dnsconfd.in 36 echo "${attn} Use try-restart ${done}(LSB)${attn} rather than condrestart ${warn}(RH)${norm}"
  /external/eigen/test/eigen2/
eigen2_hyperplane.cpp 93 while (u.norm() < 1e-4) u = Vector::Random();
94 while (v.norm() < 1e-4) v = Vector::Random();
100 VERIFY_IS_APPROX(line_u.normal().norm(), Scalar(1));
101 VERIFY_IS_APPROX(line_v.normal().norm(), Scalar(1));

Completed in 359 milliseconds

1 2 3 45 6 7 8 91011>>