/external/fec/ |
dotprod.h | 14 signed short *coeffs[8]; member in struct:dotprod
|
dotprod_port.c | 12 signed short *coeffs; member in struct:dotprod 16 void *initdp_port(signed short coeffs[],int len){ 27 dp->coeffs = (signed short *)calloc(len,sizeof(signed short)); 29 dp->coeffs[j] = coeffs[j]; 38 if(dp->coeffs != NULL) 39 free(dp->coeffs); 53 corr += (long)a[i] * dp->coeffs[i];
|
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){ 35 return initdp_port(coeffs,len); 39 return initdp_mmx(coeffs,len); 41 return initdp_sse2(coeffs,len); 46 return initdp_av(coeffs,len);
|
dotprod_sse2.c | 18 signed short *coeffs[8]; member in struct:dotprod 24 void *initdp_sse2(signed short coeffs[],int len){ 39 posix_memalign((void **)&dp->coeffs[i],16,blksize); 40 memset(dp->coeffs[i],0,blksize); 42 dp->coeffs[i][j+i] = coeffs[j]; 54 if(dp->coeffs[i] != NULL) 55 free(dp->coeffs[i]); 71 return dotprod_sse2_assist(ar,dp->coeffs[al],(dp->len+al-1)/8+1);
|
dotprod_mmx.c | 17 signed short *coeffs[4]; member in struct:dotprod 22 void *initdp_mmx(signed short coeffs[],int len){ 35 dp->coeffs[i] = (signed short *)calloc(1+(len+i-1)/4, 38 dp->coeffs[i][j+i] = coeffs[j]; 50 if(dp->coeffs[i] != NULL) 51 free(dp->coeffs[i]); 73 * index into dp->coeffs[] and the number of 0 words padded onto 79 return dotprod_mmx_assist(ar,dp->coeffs[al],(dp->len+al-1)/4+1);
|
dotprod_av.c | 15 signed short *coeffs[8]; member in struct:dotprod 19 void *initdp_av(signed short coeffs[],int len){ 33 dp->coeffs[i] = calloc(1+(len+i-1)/8,sizeof(vector signed short)); 35 dp->coeffs[i][j+i] = coeffs[j]; 47 if(dp->coeffs[i] != NULL) 48 free(dp->coeffs[i]); 68 d = (vector signed short *)dp->coeffs[al];
|
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);
|
/cts/tests/tests/rscpp/src/android/cts/rscpp/ |
RSConvolveTest.java | 34 native boolean convolveTest(String path, int X, int Y, byte[] input, byte[] output, float[] coeffs, boolean is3x3); 37 float[] coeffs = new float[9]; local 38 coeffs[0] = .5f; 39 coeffs[1] = .35f; 40 coeffs[2] = .1f; 41 coeffs[3] = 1.f; 42 coeffs[4] = 1.f; 43 coeffs[5] = 1.f; 44 coeffs[6] = .1f; 45 coeffs[7] = .35f 66 convolveTest(this.getContext().getCacheDir().toString(), X, Y, byteAlloc, nativeByteAlloc, coeffs, true); local 76 float[] coeffs = new float[25]; local 123 convolveTest(this.getContext().getCacheDir().toString(), X, Y, byteAlloc, nativeByteAlloc, coeffs, false); local [all...] |
RSColorMatrixTest.java | 34 native boolean colorMatrixTest(String path, int X, int Y, byte[] input, byte[] output, float[] coeffs, int optionFlag); 43 float[] coeffs = new float[9]; local 44 coeffs[0] = 1.f; 45 coeffs[1] = 0.3f; 46 coeffs[2] = 0.7f; 47 coeffs[3] = 0.2f; 48 coeffs[4] = 1.f; 49 coeffs[5] = -0.1f; 50 coeffs[6] = -0.5f; 51 coeffs[7] = 0.2f 67 colorMatrixTest(this.getContext().getCacheDir().toString(), X, Y, byteAlloc, nativeByteAlloc, coeffs, 0); local 83 float[] coeffs = new float[9]; local 97 colorMatrixTest(this.getContext().getCacheDir().toString(), X, Y, byteAlloc, nativeByteAlloc, coeffs, 1); local 114 float[] coeffs = new float[16]; local 132 colorMatrixTest(this.getContext().getCacheDir().toString(), X, Y, byteAlloc, nativeByteAlloc, coeffs, 2); local 149 float[] coeffs = new float[9]; local 163 colorMatrixTest(this.getContext().getCacheDir().toString(), X, Y, byteAlloc, nativeByteAlloc, coeffs, 3); local 180 float[] coeffs = new float[9]; local 194 colorMatrixTest(this.getContext().getCacheDir().toString(), X, Y, byteAlloc, nativeByteAlloc, coeffs, 4); local [all...] |
/external/eigen/Eigen/src/Geometry/ |
Hyperplane.h | 57 : m_coeffs(other.coeffs()) 176 inline const Coefficients& coeffs() const { return m_coeffs; } function in class:Eigen::Hyperplane 181 inline Coefficients& coeffs() { return m_coeffs; } function in class:Eigen::Hyperplane 193 Scalar det = coeffs().coeff(0) * other.coeffs().coeff(1) - coeffs().coeff(1) * other.coeffs().coeff(0); 198 if(abs(coeffs().coeff(1))>abs(coeffs().coeff(0))) 199 return VectorType(coeffs().coeff(1), -coeffs().coeff(2)/coeffs().coeff(1)-coeffs().coeff(0)) [all...] |
Quaternion.h | 60 inline Scalar x() const { return this->derived().coeffs().coeff(0); } 62 inline Scalar y() const { return this->derived().coeffs().coeff(1); } 64 inline Scalar z() const { return this->derived().coeffs().coeff(2); } 66 inline Scalar w() const { return this->derived().coeffs().coeff(3); } 69 inline Scalar& x() { return this->derived().coeffs().coeffRef(0); } 71 inline Scalar& y() { return this->derived().coeffs().coeffRef(1); } 73 inline Scalar& z() { return this->derived().coeffs().coeffRef(2); } 75 inline Scalar& w() { return this->derived().coeffs().coeffRef(3); } 78 inline const VectorBlock<const Coefficients,3> vec() const { return coeffs().template head<3>(); } 81 inline VectorBlock<Coefficients,3> vec() { return coeffs().template head<3>(); 84 inline const typename internal::traits<Derived>::Coefficients& coeffs() const { return derived().coeffs(); } function in class:Eigen::QuaternionBase 87 inline typename internal::traits<Derived>::Coefficients& coeffs() { return derived().coeffs(); } function in class:Eigen::QuaternionBase 276 inline Coefficients& coeffs() { return m_coeffs;} function in class:Eigen::Quaternion 277 inline const Coefficients& coeffs() const { return m_coeffs;} function in class:Eigen::Quaternion 355 inline const Coefficients& coeffs() const { return m_coeffs;} function in class:Eigen::Map 392 inline Coefficients& coeffs() { return m_coeffs; } function in class:Eigen::Map 393 inline const Coefficients& coeffs() const { return m_coeffs; } function in class:Eigen::Map [all...] |
/external/eigen/Eigen/src/Eigen2Support/Geometry/ |
Hyperplane.h | 155 inline const Coefficients& coeffs() const { return m_coeffs; } function in class:Eigen::Hyperplane 160 inline Coefficients& coeffs() { return m_coeffs; } function in class:Eigen::Hyperplane 171 Scalar det = coeffs().coeff(0) * other.coeffs().coeff(1) - coeffs().coeff(1) * other.coeffs().coeff(0); 176 if(ei_abs(coeffs().coeff(1))>ei_abs(coeffs().coeff(0))) 177 return VectorType(coeffs().coeff(1), -coeffs().coeff(2)/coeffs().coeff(1)-coeffs().coeff(0)) [all...] |
Scaling.h | 72 explicit inline Scaling(const VectorType& coeffs) : m_coeffs(coeffs) {} 74 const VectorType& coeffs() const { return m_coeffs; } function in class:Eigen::Scaling 75 VectorType& coeffs() { return m_coeffs; } function in class:Eigen::Scaling 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()); [all...] |
/external/eigen/test/eigen2/ |
eigen2_regression.cpp | 23 hyperplane->coeffs().resize(size + 1); 27 hyperplane->coeffs().coeffRef(j) = ei_random<Scalar>(); 28 } while(ei_abs(hyperplane->coeffs().coeff(j)) < 0.5); 39 Scalar x = - (hyperplane->coeffs().start(size).cwise()*cur_point).sum(); 40 cur_point *= hyperplane->coeffs().coeff(size) / x; 74 result.coeffs() *= original.coeffs().coeff(size)/result.coeffs().coeff(size); 75 typename VectorType::Scalar error = (result.coeffs() - original.coeffs()).norm() / original.coeffs().norm() [all...] |
/external/webp/src/dsp/ |
cost.c | 337 const int v = abs(res->coeffs[n]); 344 const int v = abs(res->coeffs[n]); 357 static void SetResidualCoeffs(const int16_t* const coeffs, 361 assert(res->first == 0 || coeffs[0] == 0); 363 if (coeffs[n]) { 368 res->coeffs = coeffs;
|
cost_mips32.c | 30 const int16_t* res_coeffs = res->coeffs; 86 const int v = abs(res->coeffs[n]); 99 static void SetResidualCoeffs(const int16_t* const coeffs, 101 const int16_t* p_coeffs = (int16_t*)coeffs; 103 assert(res->first == 0 || coeffs[0] == 0); 137 res->coeffs = coeffs;
|
cost_sse2.c | 25 static void SetResidualCoeffsSSE2(const int16_t* const coeffs, 27 const __m128i c0 = _mm_loadu_si128((const __m128i*)(coeffs + 0)); 28 const __m128i c1 = _mm_loadu_si128((const __m128i*)(coeffs + 8)); 35 // out least significant bits according to res->first, since coeffs[0] is 0 40 assert(res->first == 0 || coeffs[0] == 0); 42 res->coeffs = coeffs; 66 const __m128i c0 = _mm_loadu_si128((const __m128i*)&res->coeffs[0]); 67 const __m128i c1 = _mm_loadu_si128((const __m128i*)&res->coeffs[8]);
|
/external/eigen/bench/ |
quat_slerp.cpp | 13 return Q((a.coeffs() * (1.0-t) + b.coeffs() * t).normalized()); 41 return Q(scale0 * a.coeffs() + scale1 * b.coeffs()); 72 return Q(scale0 * a.coeffs() + scale1 * b.coeffs()); 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 ) [all...] |
/external/opencv3/modules/imgproc/src/opencl/ |
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) [all...] |
/external/libvpx/libvpx/vpx_dsp/x86/ |
highbd_quantize_intrin_sse2.c | 54 __m128i coeffs, cmp1, cmp2; local 56 coeffs = _mm_load_si128((const __m128i *)(coeff_ptr + i * 4)); 57 cmp1 = _mm_cmplt_epi32(coeffs, zbins[i != 0]); 58 cmp2 = _mm_cmpgt_epi32(coeffs, nzbins[i != 0]); 69 __m128i coeffs, coeffs_sign, tmp1, tmp2; local 74 coeffs = _mm_load_si128((const __m128i *)(coeff_ptr + i * 4)); 75 coeffs_sign = _mm_srai_epi32(coeffs, 31); 76 coeffs = _mm_sub_epi32( 77 _mm_xor_si128(coeffs, coeffs_sign), coeffs_sign); 78 tmp1 = _mm_cmpgt_epi32(coeffs, zbins[i != 0]) 142 __m128i coeffs, cmp1, cmp2; local [all...] |
/external/eigen/Eigen/src/Eigen2Support/ |
LeastSquares.h | 44 Vector3d coeffs; // will store the coefficients a, b, c 48 &coeffs, 53 * Now the vector \a coeffs is approximately 97 result->coeffRef(i) = - h.coeffs()[i] / h.coeffs()[funcOfOthers]; 99 result->coeffRef(i) = - h.coeffs()[i+1] / h.coeffs()[funcOfOthers]; 140 ei_assert(size+1 == result->coeffs().size());
|
/external/eigen/test/ |
geo_quaternion.cpp | 73 VERIFY_IS_APPROX(Quaternionx(Quaternionx::Identity()).coeffs(), q2.coeffs()); 74 q1.coeffs().setRandom(); 75 VERIFY_IS_APPROX(q1.coeffs(), (q1*q2).coeffs()); 88 if((q1.coeffs()-q2.coeffs()).norm() > 10*largeEps) 166 q1.coeffs() = Vector4::Random().normalized(); 167 q2.coeffs() = -q1.coeffs(); [all...] |
/external/opencv3/modules/cudawarping/src/ |
warp.cpp | 64 void buildWarpAffineMaps_gpu(float coeffs[2 * 3], PtrStepSzf xmap, PtrStepSzf ymap, cudaStream_t stream); 67 void warpAffine_gpu(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb dst, int interpolation, 70 void buildWarpPerspectiveMaps_gpu(float coeffs[3 * 3], PtrStepSzf xmap, PtrStepSzf ymap, cudaStream_t stream); 73 void warpPerspective_gpu(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[3 * 3], PtrStepSzb dst, int interpolation, 92 float coeffs[2 * 3]; 93 Mat coeffsMat(2, 3, CV_32F, (void*)coeffs); 104 buildWarpAffineMaps_gpu(coeffs, xmap, ymap, StreamAccessor::getStream(stream)); 121 float coeffs[3 * 3]; 122 Mat coeffsMat(3, 3, CV_32F, (void*)coeffs); 133 buildWarpPerspectiveMaps_gpu(coeffs, xmap, ymap, StreamAccessor::getStream(stream)) [all...] |
/external/skia/tools/ |
generate_fir_coeff.py | 55 coeffs = [] 71 coeffs.append(coverage * target_sum) 81 # The coeffs add up to too much. Subtract 1 from the ones which were rounded up the most. 85 # The coeffs add up to too little. Add 1 to the ones which were rounded down the most. 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].index]) 118 print sum(coeffs), hex(sum(coeffs_rounded))
|
/external/eigen/Eigen/src/Core/ |
BandMatrix.h | 60 inline const CoefficientsType& coeffs() const { return derived().coeffs(); } function in class:Eigen::internal::BandMatrixBase 63 inline CoefficientsType& coeffs() { return derived().coeffs(); } function in class:Eigen::internal::BandMatrixBase 72 Index len = coeffs().rows(); 76 len = (std::min)(rows(),std::max<Index>(0,coeffs().rows() - (supers()-i))); 79 len = std::max<Index>(0,coeffs().rows() - (i + 1 - rows() + subs())); 80 return Block<CoefficientsType,Dynamic,1>(coeffs(), start, i, len, 1); 85 { return Block<CoefficientsType,1,SizeAtCompileTime>(coeffs(),supers(),0,1,(std::min)(rows(),cols())); } 89 { return Block<const CoefficientsType,1,SizeAtCompileTime>(coeffs(),supers(),0,1,(std::min)(rows(),cols())); 225 inline const CoefficientsType& coeffs() const { return m_coeffs; } function in class:Eigen::internal::BandMatrix 226 inline CoefficientsType& coeffs() { return m_coeffs; } function in class:Eigen::internal::BandMatrix 289 inline const CoefficientsType& coeffs() const { return m_coeffs; } function in class:Eigen::internal::BandMatrixWrapper [all...] |