/external/eigen/Eigen/src/Eigen2Support/Geometry/ |
D | Hyperplane.h | 155 inline const Coefficients& coeffs() const { return m_coeffs; } in coeffs() function 160 inline Coefficients& coeffs() { return m_coeffs; } in coeffs() function 171 …Scalar det = coeffs().coeff(0) * other.coeffs().coeff(1) - coeffs().coeff(1) * other.coeffs().coef… in intersection() 176 if(ei_abs(coeffs().coeff(1))>ei_abs(coeffs().coeff(0))) in intersection() 177 … return VectorType(coeffs().coeff(1), -coeffs().coeff(2)/coeffs().coeff(1)-coeffs().coeff(0)); in intersection() 179 … return VectorType(-coeffs().coeff(2)/coeffs().coeff(0)-coeffs().coeff(1), coeffs().coeff(0)); in intersection() 184 …return VectorType(invdet*(coeffs().coeff(1)*other.coeffs().coeff(2)-other.coeffs().coeff(1)*coeffs… in intersection() 185 … invdet*(other.coeffs().coeff(0)*coeffs().coeff(2)-coeffs().coeff(0)*other.coeffs().coeff(2))); in intersection() 240 { m_coeffs = other.coeffs().template cast<Scalar>(); } in Hyperplane()
|
D | Scaling.h | 72 explicit inline Scaling(const VectorType& coeffs) : m_coeffs(coeffs) {} in Scaling() argument 74 const VectorType& coeffs() const { return m_coeffs; } in coeffs() function 75 VectorType& coeffs() { return m_coeffs; } in coeffs() function 79 { return Scaling(coeffs().cwise() * other.coeffs()); } 90 { return coeffs().asDiagonal() * other; } 95 { return other * s.coeffs().asDiagonal(); } 103 { return coeffs().asDiagonal() * other; } 107 { return Scaling(coeffs().cwise().inverse()); } in inverse() 127 { m_coeffs = other.coeffs().template cast<Scalar>(); } in Scaling() 152 res.linear().diagonal() = coeffs();
|
/external/eigen/Eigen/src/Geometry/ |
D | Hyperplane.h | 57 : m_coeffs(other.coeffs()) in Hyperplane() 176 inline const Coefficients& coeffs() const { return m_coeffs; } in coeffs() function 181 inline Coefficients& coeffs() { return m_coeffs; } in coeffs() function 193 …Scalar det = coeffs().coeff(0) * other.coeffs().coeff(1) - coeffs().coeff(1) * other.coeffs().coef… in intersection() 198 if(abs(coeffs().coeff(1))>abs(coeffs().coeff(0))) in intersection() 199 … return VectorType(coeffs().coeff(1), -coeffs().coeff(2)/coeffs().coeff(1)-coeffs().coeff(0)); in intersection() 201 … return VectorType(-coeffs().coeff(2)/coeffs().coeff(0)-coeffs().coeff(1), coeffs().coeff(0)); in intersection() 206 …return VectorType(invdet*(coeffs().coeff(1)*other.coeffs().coeff(2)-other.coeffs().coeff(1)*coeffs… in intersection() 207 … invdet*(other.coeffs().coeff(0)*coeffs().coeff(2)-coeffs().coeff(0)*other.coeffs().coeff(2))); in intersection() 263 { m_coeffs = other.coeffs().template cast<Scalar>(); } in Hyperplane()
|
D | Quaternion.h | 60 inline Scalar x() const { return this->derived().coeffs().coeff(0); } in x() 62 inline Scalar y() const { return this->derived().coeffs().coeff(1); } in y() 64 inline Scalar z() const { return this->derived().coeffs().coeff(2); } in z() 66 inline Scalar w() const { return this->derived().coeffs().coeff(3); } in w() 69 inline Scalar& x() { return this->derived().coeffs().coeffRef(0); } in x() 71 inline Scalar& y() { return this->derived().coeffs().coeffRef(1); } in y() 73 inline Scalar& z() { return this->derived().coeffs().coeffRef(2); } in z() 75 inline Scalar& w() { return this->derived().coeffs().coeffRef(3); } in w() 78 inline const VectorBlock<const Coefficients,3> vec() const { return coeffs().template head<3>(); } in vec() 81 inline VectorBlock<Coefficients,3> vec() { return coeffs().template head<3>(); } in vec() [all …]
|
/external/eigen/bench/ |
D | quat_slerp.cpp | 13 return Q((a.coeffs() * (1.0-t) + b.coeffs() * t).normalized()); in nlerp() 41 return Q(scale0 * a.coeffs() + scale1 * b.coeffs()); in slerp_legacy() 72 return Q(scale0 * a.coeffs() + scale1 * b.coeffs()); in slerp_legacy_nlerp() 92 theta = /*M_PI -*/ Scalar(2)*std::asin( (a.coeffs()+b.coeffs()).norm()/2 ); in slerp_rw() 94 theta = Scalar(2)*std::asin( (a.coeffs()-b.coeffs()).norm()/2 ); in slerp_rw() 105 return Quaternion<Scalar>(scale0 * a.coeffs() + scale1 * b.coeffs()); in slerp_rw() 120 theta = /*M_PI -*/ Scalar(2)*std::asin( (-a.coeffs()-b.coeffs()).norm()/2 ); in slerp_gael() 122 theta = Scalar(2)*std::asin( (a.coeffs()-b.coeffs()).norm()/2 ); in slerp_gael() 141 return Quaternion<Scalar>(scale0 * a.coeffs() + scale1 * b.coeffs()); in slerp_gael() 170 a.coeffs().setRandom(); in main() [all …]
|
/external/opencv3/modules/imgproc/src/opencl/ |
D | cvtcolor.cl | 230 __constant float * coeffs = c_RGB2YUVCoeffs_f; 231 const DATA_TYPE Y = fma(b, coeffs[0], fma(g, coeffs[1], r * coeffs[2])); 232 const DATA_TYPE U = fma(b - Y, coeffs[3], HALF_MAX); 233 const DATA_TYPE V = fma(r - Y, coeffs[4], HALF_MAX); 235 __constant int * coeffs = c_RGB2YUVCoeffs_i; 237 …const int Y = CV_DESCALE(mad24(b, coeffs[0], mad24(g, coeffs[1], mul24(r, coeffs[2]))), yuv_shift); 238 const int U = CV_DESCALE(mad24(b - Y, coeffs[3], delta), yuv_shift); 239 const int V = CV_DESCALE(mad24(r - Y, coeffs[4], delta), yuv_shift); 280 __constant float * coeffs = c_YUV2RGBCoeffs_f; 281 float r = fma(V - HALF_MAX, coeffs[3], Y); [all …]
|
/external/opencv3/modules/imgproc/src/ |
D | color.cpp | 430 coeffs[0] = 0.114f; in IPPColor2GrayFunctor() 431 coeffs[1] = 0.587f; in IPPColor2GrayFunctor() 432 coeffs[2] = 0.299f; in IPPColor2GrayFunctor() 436 return func ? func(src, srcStep, dst, dstStep, ippiSize(cols, rows), coeffs) >= 0 : false; in operator ()() 440 Ipp32f coeffs[3]; member 1259 memcpy( coeffs, _coeffs ? _coeffs : coeffs0, 3*sizeof(coeffs[0]) ); in RGB2Gray() 1261 std::swap(coeffs[0], coeffs[2]); in RGB2Gray() 1267 float cb = coeffs[0], cg = coeffs[1], cr = coeffs[2]; in operator ()() 1272 float coeffs[3]; member 1279 RGB2Gray(int _srccn, int blueIdx, const int* coeffs) : srccn(_srccn) in RGB2Gray() [all …]
|
/external/eigen/test/eigen2/ |
D | eigen2_regression.cpp | 23 hyperplane->coeffs().resize(size + 1); in makeNoisyCohyperplanarPoints() 27 hyperplane->coeffs().coeffRef(j) = ei_random<Scalar>(); in makeNoisyCohyperplanarPoints() 28 } while(ei_abs(hyperplane->coeffs().coeff(j)) < 0.5); in makeNoisyCohyperplanarPoints() 39 Scalar x = - (hyperplane->coeffs().start(size).cwise()*cur_point).sum(); in makeNoisyCohyperplanarPoints() 40 cur_point *= hyperplane->coeffs().coeff(size) / x; in makeNoisyCohyperplanarPoints() 74 result.coeffs() *= original.coeffs().coeff(size)/result.coeffs().coeff(size); in check_fitHyperplane() 75 …typename VectorType::Scalar error = (result.coeffs() - original.coeffs()).norm() / original.coeffs… in check_fitHyperplane() 92 coeffs2f[0] = -coeffs3f.coeffs()[0]/coeffs3f.coeffs()[1]; in test_eigen2_regression() 93 coeffs2f[1] = -coeffs3f.coeffs()[2]/coeffs3f.coeffs()[1]; in test_eigen2_regression()
|
/external/libvpx/libvpx/vpx_dsp/x86/ |
D | highbd_quantize_intrin_sse2.c | 54 __m128i coeffs, cmp1, cmp2; in vpx_highbd_quantize_b_sse2() local 56 coeffs = _mm_load_si128((const __m128i *)(coeff_ptr + i * 4)); in vpx_highbd_quantize_b_sse2() 57 cmp1 = _mm_cmplt_epi32(coeffs, zbins[i != 0]); in vpx_highbd_quantize_b_sse2() 58 cmp2 = _mm_cmpgt_epi32(coeffs, nzbins[i != 0]); in vpx_highbd_quantize_b_sse2() 69 __m128i coeffs, coeffs_sign, tmp1, tmp2; in vpx_highbd_quantize_b_sse2() local 74 coeffs = _mm_load_si128((const __m128i *)(coeff_ptr + i * 4)); in vpx_highbd_quantize_b_sse2() 75 coeffs_sign = _mm_srai_epi32(coeffs, 31); in vpx_highbd_quantize_b_sse2() 76 coeffs = _mm_sub_epi32( in vpx_highbd_quantize_b_sse2() 77 _mm_xor_si128(coeffs, coeffs_sign), coeffs_sign); in vpx_highbd_quantize_b_sse2() 78 tmp1 = _mm_cmpgt_epi32(coeffs, zbins[i != 0]); in vpx_highbd_quantize_b_sse2() [all …]
|
/external/fec/ |
D | dotprod_sse2.c | 18 signed short *coeffs[8]; member 24 void *initdp_sse2(signed short coeffs[],int len){ in initdp_sse2() argument 39 posix_memalign((void **)&dp->coeffs[i],16,blksize); in initdp_sse2() 40 memset(dp->coeffs[i],0,blksize); in initdp_sse2() 42 dp->coeffs[i][j+i] = coeffs[j]; in initdp_sse2() 54 if(dp->coeffs[i] != NULL) in freedp_sse2() 55 free(dp->coeffs[i]); in freedp_sse2() 71 return dotprod_sse2_assist(ar,dp->coeffs[al],(dp->len+al-1)/8+1); in dotprod_sse2()
|
D | dotprod.c | 9 void *initdp_port(signed short coeffs[],int len); 14 void *initdp_mmx(signed short coeffs[],int len); 15 void *initdp_sse2(signed short coeffs[],int len); 23 void *initdp_av(signed short coeffs[],int len); 29 void *initdp(signed short coeffs[],int len){ in initdp() argument 35 return initdp_port(coeffs,len); in initdp() 39 return initdp_mmx(coeffs,len); in initdp() 41 return initdp_sse2(coeffs,len); in initdp() 46 return initdp_av(coeffs,len); in initdp()
|
D | dotprod_port.c | 12 signed short *coeffs; member 16 void *initdp_port(signed short coeffs[],int len){ in initdp_port() argument 27 dp->coeffs = (signed short *)calloc(len,sizeof(signed short)); in initdp_port() 29 dp->coeffs[j] = coeffs[j]; in initdp_port() 38 if(dp->coeffs != NULL) in freedp_port() 39 free(dp->coeffs); in freedp_port() 53 corr += (long)a[i] * dp->coeffs[i]; in dotprod_port()
|
D | dotprod_mmx.c | 17 signed short *coeffs[4]; member 22 void *initdp_mmx(signed short coeffs[],int len){ in initdp_mmx() argument 35 dp->coeffs[i] = (signed short *)calloc(1+(len+i-1)/4, in initdp_mmx() 38 dp->coeffs[i][j+i] = coeffs[j]; in initdp_mmx() 50 if(dp->coeffs[i] != NULL) in freedp_mmx() 51 free(dp->coeffs[i]); in freedp_mmx() 79 return dotprod_mmx_assist(ar,dp->coeffs[al],(dp->len+al-1)/4+1); in dotprod_mmx()
|
D | dotprod_av.c | 15 signed short *coeffs[8]; member 19 void *initdp_av(signed short coeffs[],int len){ in initdp_av() argument 33 dp->coeffs[i] = calloc(1+(len+i-1)/8,sizeof(vector signed short)); in initdp_av() 35 dp->coeffs[i][j+i] = coeffs[j]; in initdp_av() 47 if(dp->coeffs[i] != NULL) in freedp_av() 48 free(dp->coeffs[i]); in freedp_av() 68 d = (vector signed short *)dp->coeffs[al]; in dotprod_av()
|
D | dtest.c | 26 short coeffs[512]; local 70 memset(coeffs,0,sizeof(coeffs)); 77 coeffs[i] = gv; 83 dp_simd = initdp(coeffs,ntaps); 84 dp_port = initdp_port(coeffs,ntaps);
|
/external/opencv3/modules/cudawarping/src/cuda/ |
D | warp.cu | 111 …void buildWarpAffineMaps_gpu(float coeffs[2 * 3], PtrStepSzf xmap, PtrStepSzf ymap, cudaStream_t s… in buildWarpAffineMaps_gpu() 113 cudaSafeCall( cudaMemcpyToSymbol(c_warpMat, coeffs, 2 * 3 * sizeof(float)) ); in buildWarpAffineMaps_gpu() 118 …void buildWarpPerspectiveMaps_gpu(float coeffs[3 * 3], PtrStepSzf xmap, PtrStepSzf ymap, cudaStrea… in buildWarpPerspectiveMaps_gpu() 120 cudaSafeCall( cudaMemcpyToSymbol(c_warpMat, coeffs, 3 * 3 * sizeof(float)) ); in buildWarpPerspectiveMaps_gpu() 310 …ffine_gpu(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb… in warpAffine_gpu() 313 cudaSafeCall( cudaMemcpyToSymbol(c_warpMat, coeffs, 2 * 3 * sizeof(float)) ); in warpAffine_gpu() 318 …u<uchar >(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb… 320 …u<uchar3>(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb… 321 …u<uchar4>(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb… 328 …<ushort >(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb… [all …]
|
/external/eigen/test/ |
D | geo_quaternion.cpp | 73 VERIFY_IS_APPROX(Quaternionx(Quaternionx::Identity()).coeffs(), q2.coeffs()); in quaternion() 74 q1.coeffs().setRandom(); in quaternion() 75 VERIFY_IS_APPROX(q1.coeffs(), (q1*q2).coeffs()); in quaternion() 88 if((q1.coeffs()-q2.coeffs()).norm() > 10*largeEps) in quaternion() 166 q1.coeffs() = Vector4::Random().normalized(); in quaternion() 167 q2.coeffs() = -q1.coeffs(); in quaternion() 205 VERIFY_IS_APPROX(q1.coeffs(), q2.coeffs()); in mapQuaternion() 206 VERIFY_IS_APPROX(q1.coeffs(), q3.coeffs()); in mapQuaternion() 207 VERIFY_IS_APPROX(q4.coeffs(), q3.coeffs()); in mapQuaternion() 244 q1->coeffs().setRandom(); in quaternionAlignment() [all …]
|
/external/skia/src/opts/ |
D | SkBitmapProcState_arm_neon.cpp | 112 int16x4_t coeffs, coeff0, coeff1, coeff2, coeff3; in convolveHorizontally_neon() local 113 coeffs = vld1_s16(filterValues); in convolveHorizontally_neon() 114 coeff0 = vreinterpret_s16_u8(vtbl1_u8(vreinterpret_u8_s16(coeffs), coeff_mask0)); in convolveHorizontally_neon() 115 coeff1 = vreinterpret_s16_u8(vtbl1_u8(vreinterpret_u8_s16(coeffs), coeff_mask1)); in convolveHorizontally_neon() 116 coeff2 = vreinterpret_s16_u8(vtbl1_u8(vreinterpret_u8_s16(coeffs), coeff_mask2)); in convolveHorizontally_neon() 117 coeff3 = vreinterpret_s16_u8(vtbl1_u8(vreinterpret_u8_s16(coeffs), coeff_mask3)); in convolveHorizontally_neon() 151 uint16x4_t coeffs; in convolveHorizontally_neon() local 153 coeffs = vld1_u16(reinterpret_cast<const uint16_t*>(filterValues)); in convolveHorizontally_neon() 154 coeffs &= vld1_u16(&mask[r][0]); in convolveHorizontally_neon() 155 coeff0 = vreinterpret_s16_u8(vtbl1_u8(vreinterpret_u8_u16(coeffs), coeff_mask0)); in convolveHorizontally_neon() [all …]
|
/external/opencv3/modules/cudawarping/src/ |
D | warp.cpp | 64 …void buildWarpAffineMaps_gpu(float coeffs[2 * 3], PtrStepSzf xmap, PtrStepSzf ymap, cudaStream_t s… 67 …void warpAffine_gpu(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], … 70 …void buildWarpPerspectiveMaps_gpu(float coeffs[3 * 3], PtrStepSzf xmap, PtrStepSzf ymap, cudaStrea… 73 …ctive_gpu(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[3 * 3], PtrStepSzb… 92 float coeffs[2 * 3]; in buildWarpAffineMaps() local 93 Mat coeffsMat(2, 3, CV_32F, (void*)coeffs); in buildWarpAffineMaps() 104 buildWarpAffineMaps_gpu(coeffs, xmap, ymap, StreamAccessor::getStream(stream)); in buildWarpAffineMaps() 121 float coeffs[3 * 3]; in buildWarpPerspectiveMaps() local 122 Mat coeffsMat(3, 3, CV_32F, (void*)coeffs); in buildWarpPerspectiveMaps() 133 buildWarpPerspectiveMaps_gpu(coeffs, xmap, ymap, StreamAccessor::getStream(stream)); in buildWarpPerspectiveMaps() [all …]
|
/external/eigen/Eigen/src/Core/ |
D | BandMatrix.h | 60 inline const CoefficientsType& coeffs() const { return derived().coeffs(); } in coeffs() function 63 inline CoefficientsType& coeffs() { return derived().coeffs(); } in coeffs() function 72 Index len = coeffs().rows(); in col() 76 len = (std::min)(rows(),std::max<Index>(0,coeffs().rows() - (supers()-i))); in col() 79 len = std::max<Index>(0,coeffs().rows() - (i + 1 - rows() + subs())); in col() 80 return Block<CoefficientsType,Dynamic,1>(coeffs(), start, i, len, 1); in col() 85 …{ return Block<CoefficientsType,1,SizeAtCompileTime>(coeffs(),supers(),0,1,(std::min)(rows(),cols(… in diagonal() 89 …{ return Block<const CoefficientsType,1,SizeAtCompileTime>(coeffs(),supers(),0,1,(std::min)(rows()… in diagonal() 111 …return typename DiagonalIntReturnType<N>::BuildType(coeffs(), supers()-N, (std::max)(0,N), 1, diag… in diagonal() 117 …return typename DiagonalIntReturnType<N>::BuildType(coeffs(), supers()-N, (std::max)(0,N), 1, diag… in diagonal() [all …]
|
/external/webp/src/dsp/ |
D | cost.c | 337 const int v = abs(res->coeffs[n]); in GetResidualCost() 344 const int v = abs(res->coeffs[n]); in GetResidualCost() 357 static void SetResidualCoeffs(const int16_t* const coeffs, in SetResidualCoeffs() argument 361 assert(res->first == 0 || coeffs[0] == 0); in SetResidualCoeffs() 363 if (coeffs[n]) { in SetResidualCoeffs() 368 res->coeffs = coeffs; in SetResidualCoeffs()
|
D | cost_sse2.c | 25 static void SetResidualCoeffsSSE2(const int16_t* const coeffs, in SetResidualCoeffsSSE2() argument 27 const __m128i c0 = _mm_loadu_si128((const __m128i*)(coeffs + 0)); in SetResidualCoeffsSSE2() 28 const __m128i c1 = _mm_loadu_si128((const __m128i*)(coeffs + 8)); in SetResidualCoeffsSSE2() 40 assert(res->first == 0 || coeffs[0] == 0); in SetResidualCoeffsSSE2() 42 res->coeffs = coeffs; in SetResidualCoeffsSSE2() 66 const __m128i c0 = _mm_loadu_si128((const __m128i*)&res->coeffs[0]); in GetResidualCostSSE2() 67 const __m128i c1 = _mm_loadu_si128((const __m128i*)&res->coeffs[8]); in GetResidualCostSSE2()
|
D | cost_mips32.c | 30 const int16_t* res_coeffs = res->coeffs; in GetResidualCost() 86 const int v = abs(res->coeffs[n]); in GetResidualCost() 99 static void SetResidualCoeffs(const int16_t* const coeffs, in SetResidualCoeffs() argument 101 const int16_t* p_coeffs = (int16_t*)coeffs; in SetResidualCoeffs() 103 assert(res->first == 0 || coeffs[0] == 0); in SetResidualCoeffs() 137 res->coeffs = coeffs; in SetResidualCoeffs()
|
/external/opencv/cvaux/src/ |
D | cvepilines.cpp | 100 CvStereoLineCoeff* coeffs, in icvCompute3DPoint() argument 116 partX = coeffs->Xcoef + coeffs->XcoefA *alpha + in icvCompute3DPoint() 117 coeffs->XcoefB*betta + coeffs->XcoefAB*alphabetta; in icvCompute3DPoint() 119 partY = coeffs->Ycoef + coeffs->YcoefA *alpha + in icvCompute3DPoint() 120 coeffs->YcoefB*betta + coeffs->YcoefAB*alphabetta; in icvCompute3DPoint() 122 partZ = coeffs->Zcoef + coeffs->ZcoefA *alpha + in icvCompute3DPoint() 123 coeffs->ZcoefB*betta + coeffs->ZcoefAB*alphabetta; in icvCompute3DPoint() 349 CvStereoLineCoeff* coeffs, in icvComCoeffForLine() argument 487 coeffs); in icvComCoeffForLine() 602 CvStereoLineCoeff* coeffs) in icvComputeStereoLineCoeffs() argument [all …]
|
/external/eigen/Eigen/src/Eigen2Support/ |
D | LeastSquares.h | 97 result->coeffRef(i) = - h.coeffs()[i] / h.coeffs()[funcOfOthers]; in linearRegression() 99 result->coeffRef(i) = - h.coeffs()[i+1] / h.coeffs()[funcOfOthers]; in linearRegression() 140 ei_assert(size+1 == result->coeffs().size());
|