| /external/opencv3/modules/imgproc/src/ |
| color.cpp | 430 coeffs[0] = 0.114f; 431 coeffs[1] = 0.587f; 432 coeffs[2] = 0.299f; 436 return func ? func(src, srcStep, dst, dstStep, ippiSize(cols, rows), coeffs) >= 0 : false; 440 Ipp32f coeffs[3]; member in struct:cv::IPPColor2GrayFunctor 1272 float coeffs[3]; member in struct:cv::RGB2Gray 1393 int srccn, coeffs[3]; member in struct:cv::RGB2Gray 1460 float coeffs[3]; member in struct:cv::RGB2Gray 1574 int srccn, coeffs[3]; member in struct:cv::RGB2Gray 1672 float coeffs[3]; member in struct:cv::RGB2Gray 1698 int coeffs[3]; member in struct:cv::RGB2Gray 1731 float coeffs[5]; member in struct:cv::RGB2YCrCb_f 1795 float coeffs[5]; member in struct:cv::RGB2YCrCb_f 1891 float coeffs[5]; member in struct:cv::RGB2YCrCb_f 1926 int coeffs[5]; member in struct:cv::RGB2YCrCb_i 2020 int srccn, blueIdx, coeffs[5]; member in struct:cv::RGB2YCrCb_i 2142 int srccn, blueIdx, coeffs[5]; member in struct:cv::RGB2YCrCb_i 2291 int srccn, blueIdx, coeffs[5]; member in struct:cv::RGB2YCrCb_i 2420 int srccn, blueIdx, coeffs[5]; member in struct:cv::RGB2YCrCb_i 2461 float coeffs[4]; member in struct:cv::YCrCb2RGB_f 2533 float coeffs[4]; member in struct:cv::YCrCb2RGB_f 2643 float coeffs[4]; member in struct:cv::YCrCb2RGB_f 2686 int coeffs[4]; member in struct:cv::YCrCb2RGB_i 2789 int coeffs[4]; member in struct:cv::YCrCb2RGB_i 2929 int coeffs[4]; member in struct:cv::YCrCb2RGB_i 3107 int coeffs[4]; member in struct:cv::YCrCb2RGB_i 3163 float coeffs[9]; member in struct:cv::RGB2XYZ_f 3233 float coeffs[9]; member in struct:cv::RGB2XYZ_f 3343 float coeffs[9]; member in struct:cv::RGB2XYZ_f 3390 int coeffs[9]; member in struct:cv::RGB2XYZ_i 3496 int srccn, coeffs[9]; member in struct:cv::RGB2XYZ_i 3628 int srccn, coeffs[9]; member in struct:cv::RGB2XYZ_i 3670 float coeffs[9]; member in struct:cv::XYZ2RGB_f 3788 float coeffs[9]; member in struct:cv::XYZ2RGB_f 3841 int coeffs[9]; member in struct:cv::XYZ2RGB_i 3957 int coeffs[9]; member in struct:cv::XYZ2RGB_i 4108 int coeffs[9]; member in struct:cv::XYZ2RGB_i 6928 float coeffs[] = local 6944 int coeffs[] = local 6979 float coeffs[] = local 6995 int coeffs[] = local 7153 int coeffs[9]; local 7192 float coeffs[9]; local 7264 float coeffs[9]; local [all...] |
| /external/skia/src/opts/ |
| SkBitmapProcState_arm_neon.cpp | 112 int16x4_t coeffs, coeff0, coeff1, coeff2, coeff3; local 113 coeffs = vld1_s16(filterValues); 114 coeff0 = vreinterpret_s16_u8(vtbl1_u8(vreinterpret_u8_s16(coeffs), coeff_mask0)); 115 coeff1 = vreinterpret_s16_u8(vtbl1_u8(vreinterpret_u8_s16(coeffs), coeff_mask1)); 116 coeff2 = vreinterpret_s16_u8(vtbl1_u8(vreinterpret_u8_s16(coeffs), coeff_mask2)); 117 coeff3 = vreinterpret_s16_u8(vtbl1_u8(vreinterpret_u8_s16(coeffs), coeff_mask3)); 151 uint16x4_t coeffs; local 153 coeffs = vld1_u16(reinterpret_cast<const uint16_t*>(filterValues)); 154 coeffs &= vld1_u16(&mask[r][0]); 155 coeff0 = vreinterpret_s16_u8(vtbl1_u8(vreinterpret_u8_u16(coeffs), coeff_mask0)) 403 int16x4_t coeffs, coeff0, coeff1, coeff2, coeff3; local 440 int16x4_t coeffs, coeff0, coeff1, coeff2, coeff3; local [all...] |
| /external/opencv3/modules/cudawarping/src/cuda/ |
| warp.cu | 111 void buildWarpAffineMaps_gpu(float coeffs[2 * 3], PtrStepSzf xmap, PtrStepSzf ymap, cudaStream_t stream) 113 cudaSafeCall( cudaMemcpyToSymbol(c_warpMat, coeffs, 2 * 3 * sizeof(float)) ); 118 void buildWarpPerspectiveMaps_gpu(float coeffs[3 * 3], PtrStepSzf xmap, PtrStepSzf ymap, cudaStream_t stream) 120 cudaSafeCall( cudaMemcpyToSymbol(c_warpMat, coeffs, 3 * 3 * sizeof(float)) ); 310 template <typename T> void warpAffine_gpu(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb dst, int interpolation, 313 cudaSafeCall( cudaMemcpyToSymbol(c_warpMat, coeffs, 2 * 3 * sizeof(float)) ); 318 template void warpAffine_gpu<uchar >(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb dst, int interpolation, int borderMode, const float* borderValue, cudaStream_t stream, bool cc20); 319 //template void warpAffine_gpu<uchar2>(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb dst, int interpolation, int borderMode, const float* borderValue, cudaStream_t stream, bool cc20); 320 template void warpAffine_gpu<uchar3>(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb dst, int interpolation, int borderMode, const float* borderValue, cudaStream_t stream, bool cc20); 321 template void warpAffine_gpu<uchar4>(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[2 * 3], PtrStepSzb dst, int interpolation, int borderMode, const float* borderValue, cudaStream_t (…) [all...] |
| /external/webp/src/dsp/ |
| cost_mips_dsp_r2.c | 30 const int16_t* res_coeffs = res->coeffs; 81 const int v = abs(res->coeffs[n]);
|
| /external/eigen/Eigen/src/Geometry/arch/ |
| Geometry_SSE.h | 25 __m128 a = _a.coeffs().template packet<Aligned>(0); 26 __m128 b = _b.coeffs().template packet<Aligned>(0); 68 const double* a = _a.coeffs().data(); 69 Packet2d b_xy = _b.coeffs().template packet<Aligned>(0); 70 Packet2d b_zw = _b.coeffs().template packet<Aligned>(2);
|
| /hardware/intel/img/psb_video/src/ |
| psb_texture.c | 553 /* check whether we need to update coeffs */ 564 /* prepare coeffs if needed */ 568 sBltVP.psYUVCoeffs = (PPVR2D_YUVCOEFFS) & texture_priv->coeffs; 723 psb_transform_coeffs coeffs, transfer_matrix; local 724 memset(&coeffs, 0, sizeof(psb_transform_coeffs)); 745 psb_transform_sathuecoeffs(&coeffs, 754 RGB_offset, coeffs.rY, coeffs.rCb, coeffs.rCr, 760 &pPriv->coeffs.rY, &pPriv->coeffs.rU [all...] |
| /external/webp/src/enc/ |
| cost.h | 31 const int16_t* coeffs; member in struct:VP8Residual
|
| /external/eigen/doc/special_examples/ |
| Tutorial_sparse_example_details.cpp | 8 void insertCoefficient(int id, int i, int j, double w, std::vector<T>& coeffs, 16 else coeffs.push_back(T(id,id1,w)); // unknown coefficient
|
| /external/eigen/test/ |
| geo_hyperplane.cpp | 111 CoeffsType converted_coeffs = HLine(pl).coeffs(); 112 converted_coeffs *= (line_u.coeffs()[0])/(converted_coeffs[0]); 113 VERIFY(line_u.coeffs().isApprox(converted_coeffs)); 157 p1->coeffs().setRandom(); 161 VERIFY_IS_APPROX(p1->coeffs(), p2->coeffs()); 162 VERIFY_IS_APPROX(p1->coeffs(), p3->coeffs());
|
| /external/eigen/Eigen/src/Eigen2Support/Geometry/ |
| Quaternion.h | 93 inline const Coefficients& coeffs() const { return m_coeffs; } function in class:Eigen::Quaternion 96 inline Coefficients& coeffs() { return m_coeffs; } function in class:Eigen::Quaternion 193 { m_coeffs = other.coeffs().template cast<Scalar>(); } 380 return Quaternion(conjugate().coeffs() / n2); 442 return Quaternion<Scalar>(scale0 * coeffs() + scale1 * other.coeffs()); 475 q.coeffs().coeffRef(i) = Scalar(0.5) * t; 478 q.coeffs().coeffRef(j) = (mat.coeff(j,i)+mat.coeff(i,j))*t; 479 q.coeffs().coeffRef(k) = (mat.coeff(k,i)+mat.coeff(i,k))*t; 491 q.coeffs() = vec [all...] |
| /external/opencv/cvaux/src/ |
| cvepilines.cpp | 100 CvStereoLineCoeff* coeffs, 116 partX = coeffs->Xcoef + coeffs->XcoefA *alpha + 117 coeffs->XcoefB*betta + coeffs->XcoefAB*alphabetta; 119 partY = coeffs->Ycoef + coeffs->YcoefA *alpha + 120 coeffs->YcoefB*betta + coeffs->YcoefAB*alphabetta; 122 partZ = coeffs->Zcoef + coeffs->ZcoefA *alpha [all...] |
| /external/opencv3/modules/imgproc/src/opencl/ |
| warp_affine.cl | 126 __constant float coeffs[64] = 193 __constant float * coeffs_y = coeffs + (ay << 1), * coeffs_x = coeffs + (ax << 1); 240 inline void interpolateCubic( float x, float* coeffs ) 244 coeffs[0] = fma(fma(fma(A, (x + 1.f), - 5.0f*A), (x + 1.f), 8.0f*A), x + 1.f, - 4.0f*A); 245 coeffs[1] = fma(fma(A + 2.f, x, - (A + 3.f)), x*x, 1.f); 246 coeffs[2] = fma(fma(A + 2.f, 1.f - x, - (A + 3.f)), (1.f - x)*(1.f - x), 1.f); 247 coeffs[3] = 1.f - coeffs[0] - coeffs[1] - coeffs[2] [all...] |
| warp_perspective.cl | 171 inline void interpolateCubic( float x, float* coeffs ) 175 coeffs[0] = ((A*(x + 1.f) - 5.0f*A)*(x + 1.f) + 8.0f*A)*(x + 1.f) - 4.0f*A; 176 coeffs[1] = ((A + 2.f)*x - (A + 3.f))*x*x + 1.f; 177 coeffs[2] = ((A + 2.f)*(1.f - x) - (A + 3.f))*(1.f - x)*(1.f - x) + 1.f; 178 coeffs[3] = 1.f - coeffs[0] - coeffs[1] - coeffs[2];
|
| /frameworks/av/media/libstagefright/foundation/ |
| ColorUtils.cpp | 97 ColorAspects::Primaries primaries, ColorAspects::MatrixCoeffs coeffs) { 99 if (sStandards.map(std::make_pair(primaries, coeffs), &res)) { 101 } else if (!isValid(primaries) || !isValid(coeffs)) { 107 if (isDefined(primaries) && isDefined(coeffs)) { 108 return kColorStandardExtendedStart + primaries + coeffs * numPrimaries; 110 return kColorStandardVendorStart + primaries + coeffs * 0x100; 117 ColorAspects::Primaries *primaries, ColorAspects::MatrixCoeffs *coeffs) { 121 *coeffs = res.second; 136 *coeffs = (ColorAspects::MatrixCoeffs)(product / numPrimaries); 140 *coeffs = ColorAspects::MatrixOther 347 ColorAspects::MatrixCoeffs coeffs; local [all...] |
| /prebuilts/eclipse/mavenplugins/tycho/tycho-dependencies-m2repo/org/eclipse/tycho/tycho-bundles-external/0.20.0/eclipse/plugins/ |
| org.sat4j.pb_2.3.5.v201308161310.jar | |
| /prebuilts/tools/common/m2/repository/org/eclipse/tycho/tycho-bundles-external/0.18.1/eclipse/plugins/ |
| org.sat4j.pb_2.3.5.v20130525.jar | |
| /external/fec/ |
| fec.h | 298 void *initdp(signed short coeffs[],int len); 302 void *initdp_port(signed short coeffs[],int len); 307 void *initdp_mmx(signed short coeffs[],int len); 311 void *initdp_sse(signed short coeffs[],int len); 315 void *initdp_sse2(signed short coeffs[],int len); 321 void *initdp_av(signed short coeffs[],int len);
|
| /external/opencv3/modules/imgproc/perf/opencl/ |
| perf_imgwarp.cpp | 65 static const double coeffs[2][3] = local 70 Mat M(2, 3, CV_64F, (void *)coeffs); 96 static const double coeffs[3][3] = local 102 Mat M(3, 3, CV_64F, (void *)coeffs);
|
| /frameworks/av/include/media/stagefright/foundation/ |
| ColorUtils.h | 114 ColorAspects::Primaries primaries, ColorAspects::MatrixCoeffs coeffs); 125 ColorAspects::Primaries *primaries, ColorAspects::MatrixCoeffs *coeffs); 135 int32_t *primaries, int32_t *transfer, int32_t *coeffs, bool *fullRange); 138 int32_t primaries, int32_t transfer, int32_t coeffs, bool fullRange,
|
| /external/libavc/common/arm/ |
| ih264_iquant_itrans_recon_dc_a9.s | 289 vst1.32 d0, [r2], r4 @ Magnitudes of 1st 4x4 block coeffs 291 vst1.32 d1, [r2], r4 @ Magnitudes of 1st 4x4 block coeffs 293 vst1.32 d2, [r2], r4 @ Magnitudes of 1st 4x4 block coeffs 294 vst1.32 d3, [r2], r4 @ Magnitudes of 1st 4x4 block coeffs 295 vst1.32 d4, [r2], r4 @ Magnitudes of 1st 4x4 block coeffs 296 vst1.32 d5, [r2], r4 @ Magnitudes of 1st 4x4 block coeffs 297 vst1.32 d6, [r2], r4 @ Magnitudes of 1st 4x4 block coeffs 298 vst1.32 d7, [r2], r4 @ Magnitudes of 1st 4x4 block coeffs 367 vtrn.32 d2, d3 @mov the 4 coeffs of current block to d2 373 vld1.u8 d18, [r2], r0 @load out [8 bit size) -8 coeffs [all...] |
| /cts/tests/tests/rscpp/librscpptest/ |
| rs_jni.cpp | 129 jfloat * coeffs = env->GetFloatArrayElements(coeffArray, NULL); local 148 convolve->setCoefficients(coeffs); 153 convolve->setCoefficients(coeffs); 161 env->ReleaseFloatArrayElements(coeffArray, coeffs, JNI_ABORT); 262 jfloat * coeffs = env->GetFloatArrayElements(coeffArray, NULL); local 278 cm->setColorMatrix3(coeffs); 282 cm->setColorMatrix4(coeffs); 288 cm->setColorMatrix4(coeffs); 298 env->ReleaseFloatArrayElements(coeffArray, coeffs, JNI_ABORT);
|
| /external/opencv3/modules/imgproc/test/ |
| test_imgwarp_strict.cpp | 371 void interpolateLinear(float x, float* coeffs) 373 coeffs[0] = 1.f - x; 374 coeffs[1] = x; 377 void interpolateCubic(float x, float* coeffs) 381 coeffs[0] = ((A*(x + 1) - 5*A)*(x + 1) + 8*A)*(x + 1) - 4*A; 382 coeffs[1] = ((A + 2)*x - (A + 3))*x*x + 1; 383 coeffs[2] = ((A + 2)*(1 - x) - (A + 3))*(1 - x)*(1 - x) + 1; 384 coeffs[3] = 1.f - coeffs[0] - coeffs[1] - coeffs[2] [all...] |
| /external/apache-commons-math/src/main/java/org/apache/commons/math/analysis/polynomials/ |
| PolynomialsUtils.java | 98 private final BigFraction[] coeffs = { BigFraction.ZERO, BigFraction.TWO, BigFraction.ONE }; 101 return coeffs;
|
| /external/eigen/Eigen/src/Geometry/ |
| Scaling.h | 132 /** Constructs an axis aligned scaling expression from vector expression \a coeffs 133 * This is an alias for coeffs.asDiagonal() 136 static inline const DiagonalWrapper<const Derived> Scaling(const MatrixBase<Derived>& coeffs) 137 { return coeffs.asDiagonal(); }
|
| /external/opencv3/3rdparty/libwebp/dsp/ |
| dsp.h | 101 typedef void (*VP8DecIdct)(const int16_t* coeffs, uint8_t* dst); 102 // when doing two transforms, coeffs is actually int16_t[2][16]. 103 typedef void (*VP8DecIdct2)(const int16_t* coeffs, uint8_t* dst, int do_two);
|