HomeSort by relevance Sort by last modified time
    Searched refs:coeff (Results 1 - 25 of 378) sorted by null

1 2 3 4 5 6 7 8 91011>>

  /frameworks/av/media/libstagefright/codecs/m4v_h263/enc/src/
fastquant_inline.h 30 __inline int32 aan_scale(int32 q_value, int32 coeff, int32 round, int32 QPdiv2)
32 q_value = coeff * q_value + round;
33 coeff = q_value >> 16;
34 if (coeff < 0) coeff += QPdiv2;
35 else coeff -= QPdiv2;
37 return coeff;
41 __inline int32 coeff_quant(int32 coeff, int32 q_scale, int32 shift)
45 q_value = coeff * q_scale; //q_value = -((-(coeff + QPdiv2)*q_scale)>>LSL)
54 int32 coeff = q_value + ac_clip; local
64 int32 coeff; local
126 int32 coeff; local
178 smlabb q_value, coeff, q_value, round local
179 movs coeff, q_value, asr #16 local
180 addle coeff, coeff, QPdiv2 local
181 subgt coeff, coeff, QPdiv2 local
194 mov coeff, q_value, asr shift \/*smull tmp, coeff, q_scale, coeff*\/ local
195 add q_value, coeff, coeff, lsr #31 local
204 int32 coeff; local
209 smulbb coeff, q_value, QPx2 local
210 sublt coeff, coeff, Addition local
211 addge coeff, coeff, Addition local
212 add q_value, coeff, tmp local
215 eorhi coeff, tmp, coeff, asr #31 local
225 smlabb q_value, coeff, q_value, round local
246 int32 coeff; local
249 movs coeff, q_value, lsl #1 local
251 addgt coeff, coeff, #1 local
252 sublt coeff, coeff, #1 local
253 smulbb q_value, coeff, stepsize local
256 add coeff, q_value, tmp local
257 subs coeff, coeff, #0xf00 local
258 subcss coeff, coeff, #0xfe local
273 mla q_value, coeff, q_value, round local
274 movs coeff, q_value, asr #16 local
275 addle coeff, coeff, QPdiv2 local
276 subgt coeff, coeff, QPdiv2 local
289 mov coeff, q_value, asr shift \/*smull tmp, coeff, q_scale, coeff*\/ local
290 add q_value, coeff, coeff, lsr #31 local
300 int32 coeff; local
305 mul coeff, q_value, QPx2 local
306 sublt coeff, coeff, Addition local
307 addge coeff, coeff, Addition local
308 add q_value, coeff, tmp local
311 eorhi coeff, tmp, coeff, asr #31 local
321 mla q_value, coeff, q_value, round local
343 int32 coeff; local
346 movs coeff, q_value, lsl #1 local
348 addgt coeff, coeff, #1 local
349 sublt coeff, coeff, #1 local
350 mul q_value, coeff, stepsize local
353 add coeff, q_value, tmp local
354 subs coeff, coeff, #0xf00 local
355 subcss coeff, coeff, #0xfe local
367 int32 coeff; local
371 add coeff, q_value, ac_clip local
372 subs coeff, coeff, ac_clip, lsl #1 local
384 cmp coeff, #0 local
385 addle coeff, coeff, QP, asr #1 local
386 subgt coeff, coeff, QP, asr #1 local
395 int32 coeff; local
399 add coeff, q_value, tmp local
400 subs coeff, coeff, #0xf00 local
401 subcss coeff, coeff, #0xfe local
410 int32 coeff; local
417 add coeff, q_value, tmp local
418 subs coeff, coeff, #0xf00 local
419 subcss coeff, coeff, #0xfe local
471 register int32 coeff; local
555 register int32 coeff; local
    [all...]
fastquant.cpp 122 Input: coeff=> DCT coefficient
154 Int tmp, coeff, q_value; local
164 Int ac_clip; /* quantized coeff bound */
192 coeff = rcoeff[i];
193 if (coeff == 0x7fff) /* all zero column */
201 if (coeff >= -QPx2plus && coeff < QPx2plus) /* quantize to zero */
206 coeff = rcoeff[i];
207 if (coeff > -QPx2plus && coeff < QPx2plus) /* quantize to zero *
274 Int tmp, coeff, q_value; local
444 Int coeff, scale_q; local
498 Int tmp, coeff; local
549 Int tmp, coeff, q_value = 0; local
678 Int tmp, coeff, q_value = 0; local
855 Int q_value, coeff, stepsize; local
923 Int tmp, coeff, q_value; local
    [all...]
  /external/eigen/Eigen/src/Geometry/
EulerAngles.h 55 res[0] = atan2(coeff(j,i), coeff(k,i));
59 Scalar s2 = Vector2(coeff(j,i), coeff(k,i)).norm();
60 res[1] = -atan2(s2, coeff(i,i));
64 Scalar s2 = Vector2(coeff(j,i), coeff(k,i)).norm();
65 res[1] = atan2(s2, coeff(i,i));
80 res[2] = atan2(c1*coeff(j,k)-s1*coeff(k,k), c1*coeff(j,j) - s1 * coeff(k,j))
    [all...]
OrthoMethods.h 36 numext::conj(lhs.coeff(1) * rhs.coeff(2) - lhs.coeff(2) * rhs.coeff(1)),
37 numext::conj(lhs.coeff(2) * rhs.coeff(0) - lhs.coeff(0) * rhs.coeff(2)),
38 numext::conj(lhs.coeff(0) * rhs.coeff(1) - lhs.coeff(1) * rhs.coeff(0)
    [all...]
Hyperplane.h 167 inline const Scalar& offset() const { return m_coeffs.coeff(dim()); }
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...]
  /external/eigen/unsupported/test/
kronecker_product.cpp 32 VERIFY_IS_APPROX(ab.coeff(0,0), -0.4017367630386106);
33 VERIFY_IS_APPROX(ab.coeff(0,1), 0.1056863433932735);
34 VERIFY_IS_APPROX(ab.coeff(0,2), -0.7255206194554212);
35 VERIFY_IS_APPROX(ab.coeff(0,3), 0.1908653336744706);
36 VERIFY_IS_APPROX(ab.coeff(0,4), 0.350864567234111);
37 VERIFY_IS_APPROX(ab.coeff(0,5), -0.0923032108308013);
38 VERIFY_IS_APPROX(ab.coeff(1,0), 0.415417514804677);
39 VERIFY_IS_APPROX(ab.coeff(1,1), -0.2369227701722048);
40 VERIFY_IS_APPROX(ab.coeff(1,2), 0.7502275131458511);
41 VERIFY_IS_APPROX(ab.coeff(1,3), -0.4278731019742696)
    [all...]
  /external/eigen/Eigen/src/LU/
Determinant.h 21 return matrix.coeff(0,a)
22 * (matrix.coeff(1,b) * matrix.coeff(2,c) - matrix.coeff(1,c) * matrix.coeff(2,b));
29 return (matrix.coeff(j,0) * matrix.coeff(k,1) - matrix.coeff(k,0) * matrix.coeff(j,1))
30 * (matrix.coeff(m,2) * matrix.coeff(n,3) - matrix.coeff(n,2) * matrix.coeff(m,3))
    [all...]
  /external/libvorbis/lib/
lpc.h 26 extern void vorbis_lpc_predict(float *coeff,float *prime,int m,
  /external/eigen/test/
sparseLM.cpp 41 Scalar coeff; local
46 coeff = (x(j)-i)/v(i);
47 coeff *= coeff;
48 if (coeff < 1. && coeff > 0.)
49 y(j) += u(i)*std::pow((1-coeff), 2);
69 Scalar coeff; local
74 coeff = (m_x(j)-i)/v(i);
75 coeff *= coeff
93 Scalar coeff; local
    [all...]
  /frameworks/rs/cpu_ref/
rsCpuIntrinsicConvolve5x5.cpp 91 const float* coeff) {
99 float4 px = convert_float4(py0[x0]) * coeff[0] +
100 convert_float4(py0[x1]) * coeff[1] +
101 convert_float4(py0[x2]) * coeff[2] +
102 convert_float4(py0[x3]) * coeff[3] +
103 convert_float4(py0[x4]) * coeff[4] +
105 convert_float4(py1[x0]) * coeff[5] +
106 convert_float4(py1[x1]) * coeff[6] +
107 convert_float4(py1[x2]) * coeff[7] +
108 convert_float4(py1[x3]) * coeff[8]
    [all...]
  /external/libvpx/libvpx/test/
vp9_error_block_test.cc 33 typedef int64_t (*ErrorBlockFunc)(const tran_low_t *coeff,
61 DECLARE_ALIGNED(16, tran_low_t, coeff[4096]);
75 // coeff and dqcoeff will always have at least the same sign, and this
79 coeff[j] = rnd(1 << msb);
83 coeff[j] = -rnd(1 << msb);
87 ref_ret = ref_error_block_op_(coeff, dqcoeff, block_size, &ref_ssz,
89 ASM_REGISTER_STATE_CHECK(ret = error_block_op_(coeff, dqcoeff, block_size,
104 DECLARE_ALIGNED(16, tran_low_t, coeff[4096]);
119 // Change the maximum coeff value, to test different bit boundaries
127 coeff[j] = k % 2 ? max_val : 0
    [all...]
  /external/libvpx/libvpx/vp9/encoder/mips/msa/
vp9_error_msa.c 20 v8i16 coeff, dq_coeff, coeff_r_h, coeff_l_h; \
25 coeff = LD_SH(coeff_ptr); \
27 UNPCK_SH_SW(coeff, coeff_r_w, coeff_l_w); \
28 ILVRL_H2_SH(coeff, dq_coeff, coeff_r_h, coeff_l_h); \
34 coeff = LD_SH(coeff_ptr + 8); \
36 UNPCK_SH_SW(coeff, coeff_r_w, coeff_l_w); \
37 ILVRL_H2_SH(coeff, dq_coeff, coeff_r_h, coeff_l_h); \
46 coeff = LD_SH(coeff_ptr); \
48 UNPCK_SH_SW(coeff, coeff_r_w, coeff_l_w); \
49 ILVRL_H2_SH(coeff, dq_coeff, coeff_r_h, coeff_l_h);
92 const int16_t *coeff = (const int16_t *)coeff_ptr; local
    [all...]
  /external/skia/src/core/
SkValidationUtils.h 14 /** Returns true if coeff's value is in the SkXfermode::Coeff enum.
16 static inline bool SkIsValidCoeff(SkXfermode::Coeff coeff) {
17 return coeff >= 0 && coeff < SkXfermode::kCoeffCount;
  /external/libvpx/libvpx/vp9/encoder/
vp9_avg.c 35 int16_t *coeff) {
54 coeff[0] = c0 + c4;
55 coeff[7] = c1 + c5;
56 coeff[3] = c2 + c6;
57 coeff[4] = c3 + c7;
58 coeff[2] = c0 - c4;
59 coeff[6] = c1 - c5;
60 coeff[1] = c2 - c6;
61 coeff[5] = c3 - c7;
65 int16_t *coeff) {
    [all...]
vp9_encodemb.c 98 const tran_low_t *const coeff = BLOCK_OFFSET(mb->plane[plane].coeff, block); local
168 dx = mul * (dqcoeff[rc] - coeff[rc]);
186 if ((abs(x) * dequant_ptr[rc != 0] > abs(coeff[rc]) * mul) &&
187 (abs(x) * dequant_ptr[rc != 0] < abs(coeff[rc]) * mul +
331 tran_low_t *const coeff = BLOCK_OFFSET(p->coeff, block); local
345 highbd_fdct32x32(x->use_lp32x32fdct, src_diff, coeff, diff_stride);
346 vp9_highbd_quantize_fp_32x32(coeff, 1024, x->skip_block, p->zbin,
353 vpx_highbd_fdct16x16(src_diff, coeff, diff_stride)
420 tran_low_t *const coeff = BLOCK_OFFSET(p->coeff, block); local
502 tran_low_t *const coeff = BLOCK_OFFSET(p->coeff, block); local
772 tran_low_t *coeff = BLOCK_OFFSET(p->coeff, block); local
    [all...]
  /external/libvpx/libvpx/vp8/encoder/x86/
vp8_enc_stubs_sse2.c 20 short *coeff_ptr = mb->block[0].coeff;
28 short *s_ptr = &mb->coeff[256];
  /external/eigen/Eigen/src/Eigen2Support/Geometry/
Hyperplane.h 146 inline const Scalar& offset() const { return m_coeffs.coeff(dim()); }
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...]
  /external/eigen/Eigen/src/Eigenvalues/
EigenSolver.h 327 if (internal::isMuchSmallerThan(numext::imag(m_eivalues.coeff(i)), numext::real(m_eivalues.coeff(i))))
328 matD.coeffRef(i,i) = numext::real(m_eivalues.coeff(i));
331 matD.template block<2,2>(i,i) << numext::real(m_eivalues.coeff(i)), numext::imag(m_eivalues.coeff(i)),
332 -numext::imag(m_eivalues.coeff(i)), numext::real(m_eivalues.coeff(i));
348 if (internal::isMuchSmallerThan(numext::imag(m_eivalues.coeff(j)), numext::real(m_eivalues.coeff(j))) || j+1==n)
359 matV.coeffRef(i,j) = ComplexScalar(m_eivec.coeff(i,j), m_eivec.coeff(i,j+1))
    [all...]
RealQZ.h 237 if(m_S.coeff(i,j) != 0)
239 G.makeGivens(m_S.coeff(i-1,j), m_S.coeff(i,j), &m_S.coeffRef(i-1, j));
248 if(m_T.coeff(i,i-1)!=Scalar(0))
250 G.makeGivens(m_T.coeff(i,i), m_T.coeff(i,i-1), &m_T.coeffRef(i,i));
285 Scalar s = abs(m_S.coeff(res-1,res-1)) + abs(m_S.coeff(res,res));
288 if (abs(m_S.coeff(res,res-1)) < NumTraits<Scalar>::epsilon() * s)
302 if (abs(m_T.coeff(res,res)) <= NumTraits<Scalar>::epsilon() * m_normOfT
    [all...]
RealSchur.h 294 m_matT.coeffRef(iu,iu) = m_matT.coeff(iu,iu) + exshift;
352 Scalar s = abs(m_matT.coeff(res-1,res-1)) + abs(m_matT.coeff(res,res));
353 if (abs(m_matT.coeff(res,res-1)) <= NumTraits<Scalar>::epsilon() * s)
370 Scalar p = Scalar(0.5) * (m_matT.coeff(iu-1,iu-1) - m_matT.coeff(iu,iu));
371 Scalar q = p * p + m_matT.coeff(iu,iu-1) * m_matT.coeff(iu-1,iu); // q = tr^2 / 4 - det = discr/4
380 rot.makeGivens(p + z, m_matT.coeff(iu, iu-1));
382 rot.makeGivens(p - z, m_matT.coeff(iu, iu-1))
    [all...]
  /external/skia/src/pathops/
SkPathOpsConic.cpp 16 double coeff[3]) {
20 coeff[0] = w * P20 - P20;
21 coeff[1] = P20 - 2 * wP10;
22 coeff[2] = wP10;
26 double coeff[3]; local
27 conic_deriv_coeff(coord, w, coeff);
28 return t * (t * coeff[0] + coeff[1]) + coeff[2];
32 double coeff[3] local
    [all...]
  /external/libvpx/libvpx/vpx_dsp/
quantize.c 20 const int coeff = coeff_ptr[rc]; local
21 const int coeff_sign = (coeff >> 31);
22 const int abs_coeff = (coeff ^ coeff_sign) - coeff_sign;
51 const int coeff = coeff_ptr[0]; local
52 const int coeff_sign = (coeff >> 31);
53 const int abs_coeff = (coeff ^ coeff_sign) - coeff_sign;
71 const int coeff = coeff_ptr[rc]; local
72 const int coeff_sign = (coeff >> 31);
73 const int abs_coeff = (coeff ^ coeff_sign) - coeff_sign;
107 const int coeff = coeff_ptr[0] local
141 const int coeff = coeff_ptr[rc]; local
153 const int coeff = coeff_ptr[rc]; local
193 const int coeff = coeff_ptr[rc]; local
205 const int coeff = coeff_ptr[rc]; local
250 const int coeff = coeff_ptr[rc]; local
262 const int coeff = coeff_ptr[rc]; local
309 const int coeff = coeff_ptr[rc]; local
321 const int coeff = coeff_ptr[rc]; local
    [all...]
  /external/libvpx/libvpx/vp9/encoder/arm/neon/
vp9_error_neon.c 16 int64_t vp9_block_error_fp_neon(const int16_t *coeff, const int16_t *dqcoeff,
24 const int16x8_t c = vld1q_s16(coeff);
35 coeff += 8;
  /frameworks/av/media/libstagefright/codecs/amrwbenc/src/
q_gain2.c 43 /* MA prediction coeff ={0.5, 0.4, 0.3, 0.2} in Q13 */
81 Word16 coeff[5], coeff_lo[5], exp_coeff[5]; local
130 * coeff[0] = y1 y1 *
131 * coeff[1] = -2 xn y1 *
132 * coeff[2] = y2 y2 *
133 * coeff[3] = -2 xn y2 *
134 * coeff[4] = 2 y1 y2 *
140 coeff[0] = g_coeff[0];
142 coeff[1] = negate(g_coeff[2]); /* coeff[1] = -2 xn y1 *
    [all...]
  /external/opencv3/modules/cudawarping/test/
test_resize.cpp 124 double coeff; local
134 coeff = GET_PARAM(3);
146 cv::cuda::GpuMat dst = createMat(cv::Size(cv::saturate_cast<int>(src.cols * coeff), cv::saturate_cast<int>(src.rows * coeff)), type, useRoi);
147 cv::cuda::resize(loadMat(src, useRoi), dst, cv::Size(), coeff, coeff, interpolation); local
150 resizeGold(src, dst_gold, coeff, coeff, interpolation);
169 double coeff; local
179 coeff = GET_PARAM(3)
193 cv::cuda::resize(loadMat(src, useRoi), dst, cv::Size(), coeff, coeff, interpolation); local
    [all...]

Completed in 1022 milliseconds

1 2 3 4 5 6 7 8 91011>>