Home
last modified time | relevance | path

Searched refs:coeffs (Results 1 – 25 of 98) sorted by relevance

1234

/external/skqp/src/core/
DSkColorSpacePriv.h98 static inline bool is_valid_transfer_fn(const SkColorSpaceTransferFn& coeffs) { in is_valid_transfer_fn() argument
99 if (SkScalarIsNaN(coeffs.fA) || SkScalarIsNaN(coeffs.fB) || in is_valid_transfer_fn()
100 SkScalarIsNaN(coeffs.fC) || SkScalarIsNaN(coeffs.fD) || in is_valid_transfer_fn()
101 SkScalarIsNaN(coeffs.fE) || SkScalarIsNaN(coeffs.fF) || in is_valid_transfer_fn()
102 SkScalarIsNaN(coeffs.fG)) in is_valid_transfer_fn()
107 if (!is_zero_to_one(coeffs.fD)) { in is_valid_transfer_fn()
111 if (coeffs.fD == 0.0f) { in is_valid_transfer_fn()
113 if (0.0f == coeffs.fA || 0.0f == coeffs.fG) { in is_valid_transfer_fn()
120 if (coeffs.fD >= 1.0f) { in is_valid_transfer_fn()
122 if (0.0f == coeffs.fC) { in is_valid_transfer_fn()
[all …]
/external/skia/src/core/
DSkColorSpacePriv.h98 static inline bool is_valid_transfer_fn(const SkColorSpaceTransferFn& coeffs) { in is_valid_transfer_fn() argument
99 if (SkScalarIsNaN(coeffs.fA) || SkScalarIsNaN(coeffs.fB) || in is_valid_transfer_fn()
100 SkScalarIsNaN(coeffs.fC) || SkScalarIsNaN(coeffs.fD) || in is_valid_transfer_fn()
101 SkScalarIsNaN(coeffs.fE) || SkScalarIsNaN(coeffs.fF) || in is_valid_transfer_fn()
102 SkScalarIsNaN(coeffs.fG)) in is_valid_transfer_fn()
107 if (!is_zero_to_one(coeffs.fD)) { in is_valid_transfer_fn()
111 if (coeffs.fD == 0.0f) { in is_valid_transfer_fn()
113 if (0.0f == coeffs.fA || 0.0f == coeffs.fG) { in is_valid_transfer_fn()
120 if (coeffs.fD >= 1.0f) { in is_valid_transfer_fn()
122 if (0.0f == coeffs.fC) { in is_valid_transfer_fn()
[all …]
/external/eigen/Eigen/src/Geometry/
DHyperplane.h57 : m_coeffs(other.coeffs()) in Hyperplane()
176 EIGEN_DEVICE_FUNC inline const Coefficients& coeffs() const { return m_coeffs; } in coeffs() function
181 EIGEN_DEVICE_FUNC inline Coefficients& coeffs() { return m_coeffs; } in coeffs() function
192 …Scalar det = coeffs().coeff(0) * other.coeffs().coeff(1) - coeffs().coeff(1) * other.coeffs().coef… in intersection()
197 if(numext::abs(coeffs().coeff(1))>numext::abs(coeffs().coeff(0))) in intersection()
198 … return VectorType(coeffs().coeff(1), -coeffs().coeff(2)/coeffs().coeff(1)-coeffs().coeff(0)); in intersection()
200 … return VectorType(-coeffs().coeff(2)/coeffs().coeff(0)-coeffs().coeff(1), coeffs().coeff(0)); in intersection()
205 …return VectorType(invdet*(coeffs().coeff(1)*other.coeffs().coeff(2)-other.coeffs().coeff(1)*coeffs in intersection()
206 … invdet*(other.coeffs().coeff(0)*coeffs().coeff(2)-coeffs().coeff(0)*other.coeffs().coeff(2))); in intersection()
265 { m_coeffs = other.coeffs().template cast<Scalar>(); } in Hyperplane()
DQuaternion.h61 EIGEN_DEVICE_FUNC inline Scalar x() const { return this->derived().coeffs().coeff(0); } in x()
63 EIGEN_DEVICE_FUNC inline Scalar y() const { return this->derived().coeffs().coeff(1); } in y()
65 EIGEN_DEVICE_FUNC inline Scalar z() const { return this->derived().coeffs().coeff(2); } in z()
67 EIGEN_DEVICE_FUNC inline Scalar w() const { return this->derived().coeffs().coeff(3); } in w()
70 EIGEN_DEVICE_FUNC inline Scalar& x() { return this->derived().coeffs().coeffRef(0); } in x()
72 EIGEN_DEVICE_FUNC inline Scalar& y() { return this->derived().coeffs().coeffRef(1); } in y()
74 EIGEN_DEVICE_FUNC inline Scalar& z() { return this->derived().coeffs().coeffRef(2); } in z()
76 EIGEN_DEVICE_FUNC inline Scalar& w() { return this->derived().coeffs().coeffRef(3); } in w()
79 …EIGEN_DEVICE_FUNC inline const VectorBlock<const Coefficients,3> vec() const { return coeffs().tem… in vec()
82 EIGEN_DEVICE_FUNC inline VectorBlock<Coefficients,3> vec() { return coeffs().template head<3>(); } in vec()
[all …]
/external/eigen/bench/
Dquat_slerp.cpp13 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/mesa3d/src/gallium/drivers/swr/rasterizer/core/
Dbackend.h47 void CalcSampleBarycentrics(const BarycentricCoeffs& coeffs, SWR_PS_CONTEXT &psContext);
400 INLINE void CalcCentroidBarycentrics(const BarycentricCoeffs& coeffs, SWR_PS_CONTEXT &psContext,
404 …psContext.vI.centroid = vplaneps(coeffs.vIa, coeffs.vIb, coeffs.vIc, psContext.vX.centroid, psCont…
405 …psContext.vJ.centroid = vplaneps(coeffs.vJa, coeffs.vJb, coeffs.vJc, psContext.vX.centroid, psCont…
406 psContext.vI.centroid = _simd_mul_ps(psContext.vI.centroid, coeffs.vRecipDet);
407 psContext.vJ.centroid = _simd_mul_ps(psContext.vJ.centroid, coeffs.vRecipDet);
410 …psContext.vOneOverW.centroid = vplaneps(coeffs.vAOneOverW, coeffs.vBOneOverW, coeffs.vCOneOverW, p…
441 inline void SetupBarycentricCoeffs(BarycentricCoeffs *coeffs, const SWR_TRIANGLE_DESC &work)
445 coeffs->vIa = _simd_broadcast_ss(&work.I[0]);
446 coeffs->vIb = _simd_broadcast_ss(&work.I[1]);
[all …]
/external/libvpx/libvpx/vpx_dsp/x86/
Dhighbd_quantize_intrin_sse2.c49 __m128i coeffs, cmp1, cmp2; in vpx_highbd_quantize_b_sse2() local
51 coeffs = _mm_load_si128((const __m128i *)(coeff_ptr + i * 4)); in vpx_highbd_quantize_b_sse2()
52 cmp1 = _mm_cmplt_epi32(coeffs, zbins[i != 0]); in vpx_highbd_quantize_b_sse2()
53 cmp2 = _mm_cmpgt_epi32(coeffs, nzbins[i != 0]); in vpx_highbd_quantize_b_sse2()
64 __m128i coeffs, coeffs_sign, tmp1, tmp2; in vpx_highbd_quantize_b_sse2() local
69 coeffs = _mm_load_si128((const __m128i *)(coeff_ptr + i * 4)); in vpx_highbd_quantize_b_sse2()
70 coeffs_sign = _mm_srai_epi32(coeffs, 31); in vpx_highbd_quantize_b_sse2()
71 coeffs = _mm_sub_epi32(_mm_xor_si128(coeffs, coeffs_sign), coeffs_sign); in vpx_highbd_quantize_b_sse2()
72 tmp1 = _mm_cmpgt_epi32(coeffs, zbins[i != 0]); in vpx_highbd_quantize_b_sse2()
73 tmp2 = _mm_cmpeq_epi32(coeffs, zbins[i != 0]); in vpx_highbd_quantize_b_sse2()
[all …]
/external/fec/
Ddotprod_sse2.c18 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()
Ddotprod.c9 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()
Ddotprod_port.c12 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()
Ddotprod_mmx.c17 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()
Ddotprod_av.c15 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()
Ddtest.c26 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/eigen/test/
Dgeo_quaternion.cpp73 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()
172 q2.coeffs() = -q1.coeffs(); in quaternion()
210 VERIFY_IS_APPROX(q1.coeffs(), q2.coeffs()); in mapQuaternion()
211 VERIFY_IS_APPROX(q1.coeffs(), q3.coeffs()); in mapQuaternion()
212 VERIFY_IS_APPROX(q4.coeffs(), q3.coeffs()); in mapQuaternion()
249 q1->coeffs().setRandom(); in quaternionAlignment()
253 VERIFY_IS_APPROX(q1->coeffs(), q2->coeffs()); in quaternionAlignment()
[all …]
/external/eigen/Eigen/src/Core/
DBandMatrix.h60 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/
Dcost.c337 const int v = abs(res->coeffs[n]); in GetResidualCost_C()
344 const int v = abs(res->coeffs[n]); in GetResidualCost_C()
357 static void SetResidualCoeffs_C(const int16_t* const coeffs, in SetResidualCoeffs_C() argument
361 assert(res->first == 0 || coeffs[0] == 0); in SetResidualCoeffs_C()
363 if (coeffs[n]) { in SetResidualCoeffs_C()
368 res->coeffs = coeffs; in SetResidualCoeffs_C()
Dcost_sse2.c25 static void SetResidualCoeffs_SSE2(const int16_t* const coeffs, in SetResidualCoeffs_SSE2() argument
27 const __m128i c0 = _mm_loadu_si128((const __m128i*)(coeffs + 0)); in SetResidualCoeffs_SSE2()
28 const __m128i c1 = _mm_loadu_si128((const __m128i*)(coeffs + 8)); in SetResidualCoeffs_SSE2()
40 assert(res->first == 0 || coeffs[0] == 0); in SetResidualCoeffs_SSE2()
42 res->coeffs = coeffs; in SetResidualCoeffs_SSE2()
66 const __m128i c0 = _mm_loadu_si128((const __m128i*)&res->coeffs[0]); in GetResidualCost_SSE2()
67 const __m128i c1 = _mm_loadu_si128((const __m128i*)&res->coeffs[8]); in GetResidualCost_SSE2()
Dcost_mips32.c30 const int16_t* res_coeffs = res->coeffs; in GetResidualCost_MIPS32()
86 const int v = abs(res->coeffs[n]); in GetResidualCost_MIPS32()
99 static void SetResidualCoeffs_MIPS32(const int16_t* const coeffs, in SetResidualCoeffs_MIPS32() argument
101 const int16_t* p_coeffs = (int16_t*)coeffs; in SetResidualCoeffs_MIPS32()
103 assert(res->first == 0 || coeffs[0] == 0); in SetResidualCoeffs_MIPS32()
137 res->coeffs = coeffs; in SetResidualCoeffs_MIPS32()
/external/eigen/Eigen/src/Geometry/arch/
DGeometry_SSE.h30 __m128 a = _a.coeffs().template packet<AAlignment>(0);
31 __m128 b = _b.coeffs().template packet<BAlignment>(0);
55 …pstoret<float,Packet4f,ResAlignment>(&res.x(), _mm_xor_ps(mask, q.coeffs().template packet<traits<…
97 const double* a = _a.coeffs().data();
98 Packet2d b_xy = _b.coeffs().template packet<BAlignment>(0);
99 Packet2d b_zw = _b.coeffs().template packet<BAlignment>(2);
151 …pstoret<double,Packet2d,ResAlignment>(&res.x(), _mm_xor_pd(mask0, q.coeffs().template packet<trait…
152 …pstoret<double,Packet2d,ResAlignment>(&res.z(), _mm_xor_pd(mask2, q.coeffs().template packet<trait…
/external/skqp/tools/
Dgenerate_fir_coeff.py55 coeffs = [] variable
71 coeffs.append(coverage * target_sum)
91 for coeff, coeff_rounded in zip(coeffs, coeffs_rounded)]
111 …print "Adding %d to index %d to force round %f." % (delta, coeff_pkg[i].index, coeffs[coeff_pkg[i]…
118 print sum(coeffs), hex(sum(coeffs_rounded))
/external/skia/tools/fonts/
Dgenerate_fir_coeff.py63 coeffs = [] variable
81 coeffs.append(coverage * target_sum)
103 for coeff, coeff_rounded in zip(coeffs, coeffs_rounded)]
124 delta, coeff_pkg[i].index, coeffs[coeff_pkg[i].index])
132 print sum(coeffs), hex(sum(coeffs_rounded))
/external/tensorflow/tensorflow/contrib/bayesflow/python/ops/
Dhalton_sequence_impl.py177 coeffs = math_ops.floor_div(indices, weights)
178 coeffs *= 1 - math_ops.cast(weight_mask, dtype)
179 coeffs = (coeffs % radixes) / radixes
180 return math_ops.reduce_sum(coeffs / weights, axis=-1)
/external/libxcam/modules/soft/
Dsoft_blender_tasks_priv.cpp27 const float GaussScaleGray::coeffs[GAUSS_DOWN_SCALE_SIZE] = {0.152f, 0.222f, 0.252f, 0.222f, 0.152f… member in XCam::XCamSoftTasks::GaussScaleGray
48 multiply_coeff_y (sum0, line, coeffs[0]); in gauss_luma_2x2()
50 multiply_coeff_y (sum0, line, coeffs[1]); in gauss_luma_2x2()
52 multiply_coeff_y (sum0, line, coeffs[2]); in gauss_luma_2x2()
53 multiply_coeff_y (sum1, line, coeffs[0]); in gauss_luma_2x2()
55 multiply_coeff_y (sum0, line, coeffs[3]); in gauss_luma_2x2()
56 multiply_coeff_y (sum1, line, coeffs[1]); in gauss_luma_2x2()
58 multiply_coeff_y (sum0, line, coeffs[4]); in gauss_luma_2x2()
59 multiply_coeff_y (sum1, line, coeffs[2]); in gauss_luma_2x2()
61 multiply_coeff_y (sum1, line, coeffs[3]); in gauss_luma_2x2()
[all …]
/external/skia/src/gpu/glsl/
DGrGLSLShaderBuilder.cpp140 const char* coeffs = uniformHandler->getUniformCStr(colorXformHelper->transferFnUniform()); in appendColorGamutXform() local
143 body.appendf("half G = %s[0];", coeffs); in appendColorGamutXform()
144 body.appendf("half A = %s[1];", coeffs); in appendColorGamutXform()
145 body.appendf("half B = %s[2];", coeffs); in appendColorGamutXform()
146 body.appendf("half C = %s[3];", coeffs); in appendColorGamutXform()
147 body.appendf("half D = %s[4];", coeffs); in appendColorGamutXform()
148 body.appendf("half E = %s[5];", coeffs); in appendColorGamutXform()
149 body.appendf("half F = %s[6];", coeffs); in appendColorGamutXform()
/external/skqp/src/gpu/glsl/
DGrGLSLShaderBuilder.cpp140 const char* coeffs = uniformHandler->getUniformCStr(colorXformHelper->transferFnUniform()); in appendColorGamutXform() local
143 body.appendf("half G = %s[0];", coeffs); in appendColorGamutXform()
144 body.appendf("half A = %s[1];", coeffs); in appendColorGamutXform()
145 body.appendf("half B = %s[2];", coeffs); in appendColorGamutXform()
146 body.appendf("half C = %s[3];", coeffs); in appendColorGamutXform()
147 body.appendf("half D = %s[4];", coeffs); in appendColorGamutXform()
148 body.appendf("half E = %s[5];", coeffs); in appendColorGamutXform()
149 body.appendf("half F = %s[6];", coeffs); in appendColorGamutXform()

1234