Home
last modified time | relevance | path

Searched refs:rot (Results 1 – 25 of 81) sorted by relevance

1234

/external/toybox/toys/lsb/
Dmd5sum.c123 unsigned *rot[5], *temp; in sha1_transform() local
128 rot[i] = TT.state + i; in sha1_transform()
135 work = *rot[2] ^ *rot[3]; in sha1_transform()
136 if (!i) work = (work & *rot[1]) ^ *rot[3]; in sha1_transform()
138 if (i==2) work = ((*rot[1]|*rot[2])&*rot[3])|(*rot[1]&*rot[2]); in sha1_transform()
139 else work ^= *rot[1]; in sha1_transform()
148 *rot[4] += work + rol(*rot[0],5) + rconsts[i]; in sha1_transform()
149 *rot[1] = rol(*rot[1],30); in sha1_transform()
152 temp = rot[4]; in sha1_transform()
153 for (k=4; k; k--) rot[k] = rot[k-1]; in sha1_transform()
[all …]
/external/regex-re2/util/
Dhash.cc43 #define rot(x,k) (((x)<<(k)) | ((x)>>(32-(k)))) macro
91 a -= c; a ^= rot(c, 4); c += b; \
92 b -= a; b ^= rot(a, 6); a += c; \
93 c -= b; c ^= rot(b, 8); b += a; \
94 a -= c; a ^= rot(c,16); c += b; \
95 b -= a; b ^= rot(a,19); a += c; \
96 c -= b; c ^= rot(b, 4); b += a; \
126 c ^= b; c -= rot(b,14); \
127 a ^= c; a -= rot(c,11); \
128 b ^= a; b -= rot(a,25); \
[all …]
/external/autotest/client/site_tests/graphics_SanAngeles/src/
Dmatrixop.c84 Matrix4x4 rot; in Matrix4x4_Rotate() local
105 rot[0*4 + 0] = xx + (1.f - xx) * c; in Matrix4x4_Rotate()
106 rot[1*4 + 0] = xy * one_c - zs; in Matrix4x4_Rotate()
107 rot[2*4 + 0] = xz * one_c + ys; in Matrix4x4_Rotate()
108 rot[3*4 + 0] = 0.f; in Matrix4x4_Rotate()
110 rot[0*4 + 1] = xy * one_c + zs; in Matrix4x4_Rotate()
111 rot[1*4 + 1] = yy + (1.f - yy) * c; in Matrix4x4_Rotate()
112 rot[2*4 + 1] = yz * one_c - xs; in Matrix4x4_Rotate()
113 rot[3*4 + 1] = 0.f; in Matrix4x4_Rotate()
115 rot[0*4 + 2] = xz * one_c - ys; in Matrix4x4_Rotate()
[all …]
/external/opencv3/modules/cudalegacy/src/
Dcalib3d.cpp62 …void call(const PtrStepSz<float3> src, const float* rot, const float* transl, PtrStepSz<float3> ds…
67 …void call(const PtrStepSz<float3> src, const float* rot, const float* transl, const float* proj, P…
92 Mat rot; in transformPointsCaller() local
93 Rodrigues(rvec, rot); in transformPointsCaller()
96 transform_points::call(src, rot.ptr<float>(), tvec.ptr<float>(), dst, stream); in transformPointsCaller()
116 Mat rot; in projectPointsCaller() local
117 Rodrigues(rvec, rot); in projectPointsCaller()
120 …project_points::call(src, rot.ptr<float>(), tvec.ptr<float>(), camera_mat.ptr<float>(), dst,stream… in projectPointsCaller()
275 const float* rot = rot_mat.ptr<float>(); in solvePnPRansac() local
281 p_transf.x = rot[0] * p.x + rot[1] * p.y + rot[2] * p.z + transl[0]; in solvePnPRansac()
[all …]
/external/eigen/test/eigen2/
Deigen2_hyperplane.cpp52 MatrixType rot = MatrixType::Random(dim,dim).qr().matrixQ(); in hyperplane() local
57 VERIFY_IS_MUCH_SMALLER_THAN( pl2.transform(rot).absDistance(rot * p1), Scalar(1) ); in hyperplane()
59 VERIFY_IS_MUCH_SMALLER_THAN( pl2.transform(rot,Isometry).absDistance(rot * p1), Scalar(1) ); in hyperplane()
61 …VERIFY_IS_MUCH_SMALLER_THAN( pl2.transform(rot*scaling).absDistance((rot*scaling) * p1), Scalar(1)… in hyperplane()
63 VERIFY_IS_MUCH_SMALLER_THAN( pl2.transform(rot*scaling*translation) in hyperplane()
64 .absDistance((rot*scaling*translation) * p1), Scalar(1) ); in hyperplane()
66 VERIFY_IS_MUCH_SMALLER_THAN( pl2.transform(rot*translation,Isometry) in hyperplane()
67 .absDistance((rot*translation) * p1), Scalar(1) ); in hyperplane()
/external/opencv3/modules/cudalegacy/test/
Dtest_calib3d.cpp80 cv::Mat rot; in CUDA_TEST_P() local
81 cv::Rodrigues(rvec, rot); in CUDA_TEST_P()
89rot.at<float>(0, 0) * p.x + rot.at<float>(0, 1) * p.y + rot.at<float>(0, 2) * p.z + tvec.at<float>… in CUDA_TEST_P()
90rot.at<float>(1, 0) * p.x + rot.at<float>(1, 1) * p.y + rot.at<float>(1, 2) * p.z + tvec.at<float>… in CUDA_TEST_P()
91rot.at<float>(2, 0) * p.x + rot.at<float>(2, 1) * p.y + rot.at<float>(2, 2) * p.z + tvec.at<float>… in CUDA_TEST_P()
/external/opencv3/3rdparty/openexr/Imath/
DImathMatrixAlgo.h169 Vec3<T> &rot);
173 Vec3<T> &rot);
339 T &rot);
383 Vec3<T> rot; in sansScaling() local
386 if (! extractSHRT (mat, scl, shr, rot, tran, exc)) in sansScaling()
392 M.rotate (rot); in sansScaling()
405 Vec3<T> rot; in removeScaling() local
408 if (! extractSHRT (mat, scl, shr, rot, tran, exc)) in removeScaling()
413 mat.rotate (rot); in removeScaling()
592 extractEulerXYZ (const Matrix44<T> &mat, Vec3<T> &rot) in extractEulerXYZ() argument
[all …]
/external/eigen/test/
Dgeo_hyperplane.cpp52 MatrixType rot = MatrixType::Random(dim,dim).householderQr().householderQ(); in hyperplane() local
57 VERIFY_IS_MUCH_SMALLER_THAN( pl2.transform(rot).absDistance(rot * p1), Scalar(1) ); in hyperplane()
59 VERIFY_IS_MUCH_SMALLER_THAN( pl2.transform(rot,Isometry).absDistance(rot * p1), Scalar(1) ); in hyperplane()
61 …VERIFY_IS_MUCH_SMALLER_THAN( pl2.transform(rot*scaling).absDistance((rot*scaling) * p1), Scalar(1)… in hyperplane()
63 VERIFY_IS_MUCH_SMALLER_THAN( pl2.transform(rot*scaling*translation) in hyperplane()
64 .absDistance((rot*scaling*translation) * p1), Scalar(1) ); in hyperplane()
66 VERIFY_IS_MUCH_SMALLER_THAN( pl2.transform(rot*translation,Isometry) in hyperplane()
67 .absDistance((rot*translation) * p1), Scalar(1) ); in hyperplane()
Djacobi.cpp32 JacobiRotation<JacobiScalar> rot(c, s); in jacobi() local
42 b.applyOnTheLeft(p, q, rot); in jacobi()
55 b.applyOnTheRight(p, q, rot); in jacobi()
/external/eigen/Eigen/src/Eigenvalues/
DSelfAdjointEigenSolver.h761 JacobiRotation<RealScalar> rot;
762 rot.makeGivens(x, z);
765 RealScalar sdk = rot.s() * diag[k] + rot.c() * subdiag[k];
766 RealScalar dkp1 = rot.s() * subdiag[k] + rot.c() * diag[k+1];
768 …diag[k] = rot.c() * (rot.c() * diag[k] - rot.s() * subdiag[k]) - rot.s() * (rot.c() * subdiag[k] -…
769 diag[k+1] = rot.s() * sdk + rot.c() * dkp1;
770 subdiag[k] = rot.c() * sdk - rot.s() * dkp1;
774 subdiag[k - 1] = rot.c() * subdiag[k-1] - rot.s() * z;
780 z = -rot.s() * subdiag[k+1];
781 subdiag[k + 1] = rot.c() * subdiag[k+1];
[all …]
DComplexSchur.h429 JacobiRotation<ComplexScalar> rot;
430 rot.makeGivens(m_matT.coeff(il,il) - shift, m_matT.coeff(il+1,il));
431 m_matT.rightCols(m_matT.cols()-il).applyOnTheLeft(il, il+1, rot.adjoint());
432 m_matT.topRows((std::min)(il+2,iu)+1).applyOnTheRight(il, il+1, rot);
433 if(computeU) m_matU.applyOnTheRight(il, il+1, rot);
437 rot.makeGivens(m_matT.coeffRef(i,i-1), m_matT.coeffRef(i+1,i-1), &m_matT.coeffRef(i,i-1));
439 m_matT.rightCols(m_matT.cols()-i).applyOnTheLeft(i, i+1, rot.adjoint());
440 m_matT.topRows((std::min)(i+2,iu)+1).applyOnTheRight(i, i+1, rot);
441 if(computeU) m_matU.applyOnTheRight(i, i+1, rot);
DRealSchur.h378 JacobiRotation<Scalar> rot; in splitOffTwoRows() local
380 rot.makeGivens(p + z, m_matT.coeff(iu, iu-1)); in splitOffTwoRows()
382 rot.makeGivens(p - z, m_matT.coeff(iu, iu-1)); in splitOffTwoRows()
384 m_matT.rightCols(size-iu+1).applyOnTheLeft(iu-1, iu, rot.adjoint()); in splitOffTwoRows()
385 m_matT.topRows(iu+1).applyOnTheRight(iu-1, iu, rot); in splitOffTwoRows()
388 m_matU.applyOnTheRight(iu-1, iu, rot); in splitOffTwoRows()
/external/opencv3/modules/cudalegacy/src/cuda/
Dcalib3d.cu74 void call(const PtrStepSz<float3> src, const float* rot, in call() argument
78 cudaSafeCall(cudaMemcpyToSymbol(crot0, rot, sizeof(float) * 3)); in call()
79 cudaSafeCall(cudaMemcpyToSymbol(crot1, rot + 3, sizeof(float) * 3)); in call()
80 cudaSafeCall(cudaMemcpyToSymbol(crot2, rot + 6, sizeof(float) * 3)); in call()
113 void call(const PtrStepSz<float3> src, const float* rot, in call() argument
117 cudaSafeCall(cudaMemcpyToSymbol(crot0, rot, sizeof(float) * 3)); in call()
118 cudaSafeCall(cudaMemcpyToSymbol(crot1, rot + 3, sizeof(float) * 3)); in call()
119 cudaSafeCall(cudaMemcpyToSymbol(crot2, rot + 6, sizeof(float) * 3)); in call()
/external/zlib/src/examples/
Dgzappend.c123 local void rotate(unsigned char *list, unsigned len, unsigned rot) in rotate() argument
131 if (rot >= len) rot %= len; in rotate()
132 if (rot == 0) return; in rotate()
138 if (rot == 1) { in rotate()
146 if (rot == len - 1) { in rotate()
154 cycles = gcd(len, rot); /* number of cycles */ in rotate()
160 from += rot; /* go right rot positions */ in rotate()
/external/mesa3d/src/gallium/state_trackers/vega/
Darc.c134 find_ellipses(double rh, double rv, double rot, in find_ellipses() argument
140 rot *= M_PI/180.0; in find_ellipses()
142 COS = cos(rot); SIN = sin(rot); in find_ellipses()
167 double COS, SIN, rot, x0p, y0p, x1p, y1p; in try_to_fix_radii() local
171 rot = DEGREES_TO_RADIANS(arc->theta); in try_to_fix_radii()
174 COS = cos(rot); SIN = sin(rot); in try_to_fix_radii()
351 VGfloat rot) in arc_init() argument
364 arc->theta = rot; in arc_init()
370 arc->is_valid = find_ellipses(rh, rv, rot, x1, y1, x2, y2, in arc_init()
377 find_ellipses(rh, rv, rot, x1, y1, x2, y2, in arc_init()
[all …]
/external/skia/gm/
Ddstreadshuffle.cpp74 SkMatrix rot; in drawShape() local
75 rot.setRotate(SkIntToScalar(360) / 5); in drawShape()
77 rot.mapPoints(points + i, points + i - 1, 1); in drawShape()
/external/chromium-trace/catapult/third_party/mapreduce/mapreduce/
Drecords.py130 rot = (masked_crc - _CRC_MASK_DELTA) & 0xFFFFFFFFL
131 return ((rot >> 17) | (rot << 15)) & 0xFFFFFFFFL
/external/skia/example/
DSkiaSDLExample.cpp87 SkMatrix rot; in create_star() local
88 rot.setRotate(SkIntToScalar(360) / kNumPoints); in create_star()
90 rot.mapPoints(points + i, points + i - 1, 1); in create_star()
/external/eigen/unsupported/Eigen/
DOpenGLSupport35 * Matrix3f rot;
37 * glVertex(y + x * rot);
181 inline void glRotate(const Rotation2D<float>& rot)
183 glRotatef(rot.angle()*180.f/float(M_PI), 0.f, 0.f, 1.f);
185 inline void glRotate(const Rotation2D<double>& rot)
187 glRotated(rot.angle()*180.0/M_PI, 0.0, 0.0, 1.0);
190 template<typename Derived> void glRotate(const RotationBase<Derived,3>& rot)
192 Transform<typename Derived::Scalar,3,Projective> tr(rot);
/external/ppp/pppd/
Dmd4.c77 #define rot(X,S) (tmp=X,(tmp<<S) | (tmp>>(32-S))) macro
78 #define ff(A,B,C,D,i,s) A = rot((A + f(B,C,D) + X[i]),s)
79 #define gg(A,B,C,D,i,s) A = rot((A + g(B,C,D) + X[i] + C2),s)
80 #define hh(A,B,C,D,i,s) A = rot((A + h(B,C,D) + X[i] + C3),s)
/external/skia/tests/
DMatrix44Test.cpp260 SkMatrix44 rot(SkMatrix44::kUninitialized_Constructor); in test_common_angles() local
264 rot.setRotateDegreesAbout(0, 0, -1, SkIntToScalar(common_angles[i])); in test_common_angles()
266 SkMatrix rot3x3 = rot; in test_common_angles()
818 SkMatrix44 rot(SkMatrix44::kUninitialized_Constructor); in DEF_TEST() local
836 rot.setRotateDegreesAbout(0, 0, -1, 90); in DEF_TEST()
837 mat.postConcat(rot); in DEF_TEST()
849 rot.setRotateDegreesAbout(0, 0, -1, 90); in DEF_TEST()
850 mat.postConcat(rot); in DEF_TEST()
862 rot.setRotateDegreesAbout(0, 0, -1, 90); in DEF_TEST()
863 mat.postConcat(rot); in DEF_TEST()
DPathOpsBuilderConicTest.cpp79 static void setupOne(skiatest::Reporter* reporter, int col, int row, int rot, int trial) { in setupOne() argument
82 r.setSeed(col * 100000000 + row * 10000000 + rot * 1000000 + trial); in setupOne()
85 OvalSet set = {{0, 0, 0, 0}, col, row, rot, xOffset, yOffset}; in setupOne()
103 for (int rot = 2; rot <= 9; ++rot) { in DEF_TEST() local
107 if (col == oneOff.fCol && row == oneOff.fRow && rot == oneOff.fRot in DEF_TEST()
113 setupOne(reporter, col, row, rot, trial); in DEF_TEST()
/external/llvm/test/CodeGen/X86/
Dwiden_load-2.ll179 define void @rot(%i8vec3pack* nocapture sret %result, %i8vec3pack* %X, %i8vec3pack* %rot) nounwind {
180 ; CHECK-LABEL: rot:
207 %storetmp1 = bitcast %i8vec3pack* %rot to <3 x i8>*
211 %tmp2 = load %i8vec3pack, %i8vec3pack* %rot
/external/libopus/silk/
DSigProc_FIX.h365 static OPUS_INLINE opus_int32 silk_ROR32( opus_int32 a32, opus_int rot ) in silk_ROR32() argument
368 opus_uint32 r = (opus_uint32) rot; in silk_ROR32()
369 opus_uint32 m = (opus_uint32) -rot; in silk_ROR32()
370 if( rot == 0 ) { in silk_ROR32()
372 } else if( rot < 0 ) { in silk_ROR32()
/external/opencv3/modules/calib3d/test/
Dtest_cameracalibration_artificial.cpp75 Mat rot(3, 3, CV_64F); in calcRvec() local
76 *rot.ptr<Vec3d>(0) = ex; in calcRvec()
77 *rot.ptr<Vec3d>(1) = ey; in calcRvec()
78 *rot.ptr<Vec3d>(2) = ez * (1.0/norm(ez)); in calcRvec()
81 Rodrigues(rot.t(), res); in calcRvec()

1234