Searched defs:lambda (Results 1 - 25 of 59) sorted by last modified time

123

/external/webp/src/enc/
H A Dquant.c540 static WEBP_INLINE void SetRDScore(int lambda, VP8ModeScore* const rd) { argument
542 rd->score = (rd->R + rd->H) * lambda + 256 * (rd->D + rd->SD);
545 static WEBP_INLINE score_t RDScoreTrellis(int lambda, score_t rate, argument
547 return rate * lambda + 256 * distortion;
554 int lambda) {
587 best_score = RDScoreTrellis(lambda, cost, 0);
592 ss_cur[m].score = RDScoreTrellis(lambda, rate, 0);
636 last_pos_score = RDScoreTrellis(lambda, last_pos_cost, 0);
646 base_score = RDScoreTrellis(lambda, 0, delta_error);
656 base_score + ss_prev[p].score + RDScoreTrellis(lambda, cos
550 TrellisQuantizeBlock(const VP8Encoder* const enc, int16_t in[16], int16_t out[16], int ctx0, int coeff_type, const VP8Matrix* const mtx, int lambda) argument
871 const int lambda = dqm->lambda_i16_; local
934 const int lambda = dqm->lambda_i4_; local
1018 const int lambda = dqm->lambda_uv_; local
[all...]
/external/webrtc/src/modules/audio_processing/aec/
H A Daec_core.c112 static void GetHighbandGain(const float *lambda, float *nlpGainHband);
117 const float *noisePow, const float *lambda);
1194 static void GetHighbandGain(const float *lambda, float *nlpGainHband) argument
1200 nlpGainHband[0] += lambda[i];
1206 complex_t *comfortNoiseHband, const float *noisePow, const float *lambda)
1236 tmp = sqrtf(WEBRTC_SPL_MAX(1 - lambda[i] * lambda[i], 0));
1237 //tmp = 1 - lambda[i];
1264 tmpAvg += sqrtf(WEBRTC_SPL_MAX(1 - lambda[i] * lambda[
1205 ComfortNoise(aec_t *aec, float efw[2][PART_LEN1], complex_t *comfortNoiseHband, const float *noisePow, const float *lambda) argument
[all...]
/external/webrtc/src/modules/audio_processing/aecm/
H A Daecm_core.c203 const WebRtc_Word16* lambda);
1915 // \param[in] lambda Suppression gain with which to scale the noise level (Q14).
1920 const WebRtc_Word16* lambda)
2020 tmp16 = ONE_Q14 - lambda[i];
1917 ComfortNoise(AecmCore_t* aecm, const WebRtc_UWord16* dfa, complex16_t* out, const WebRtc_Word16* lambda) argument
/external/pdfium/core/src/fxcodec/lcms2/lcms2-2.6/src/
H A Dcmsgamma.c1005 // Input: smoothing parameter (lambda), length (m).
1009 cmsBool smooth2(cmsContext ContextID, cmsFloat32Number w[], cmsFloat32Number y[], cmsFloat32Number z[], cmsFloat32Number lambda, int m) argument
1023 d[1] = w[1] + lambda;
1024 c[1] = -2 * lambda / d[1];
1025 e[1] = lambda /d[1];
1027 d[2] = w[2] + 5 * lambda - d[1] * c[1] * c[1];
1028 c[2] = (-4 * lambda - d[1] * c[1] * e[1]) / d[2];
1029 e[2] = lambda / d[2];
1034 d[i]= w[i] + 6 * lambda - c[i1] * c[i1] * d[i1] - e[i2] * e[i2] * d[i2];
1035 c[i] = (-4 * lambda
1066 cmsSmoothToneCurve(cmsToneCurve* Tab, cmsFloat64Number lambda) argument
[all...]
/external/opencv/cv/include/
H A Dcv.h476 double lambda, CvTermCriteria criteria );
1437 float K, lambda, lambda1, lambda2; member in struct:CvStereoGCState
/external/opencv/cv/src/
H A Dcvcalibration.cpp259 double lambda = exp(lambdaLg10*LOG10); local
273 cvSetIdentity( JtJN, cvRealScalar(lambda) );
H A Dcvfundam.cpp724 // f1, f2 is a basis => lambda*f1 + mu*f2 is an arbitrary f. matrix.
725 // as it is determined up to a scale, normalize lambda & mu (lambda + mu = 1),
726 // so f ~ lambda*f1 + (1 - lambda)*f2.
727 // use the additional constraint det(f) = det(lambda*f1 + (1-lambda)*f2) to find lambda.
770 double lambda = r[k], mu = 1.; local
777 lambda *
[all...]
H A Dcvoptflowhs.cpp52 float alpha; /* alpha = 1 / ( 1/lambda + xx + yy ) */
69 // lambda - Lagrangian multiplier
94 float lambda,
115 float Ilambda = 1 / lambda;
492 double lambda, CvTermCriteria criteria )
531 velx->step, (float)lambda, criteria ));
86 icvCalcOpticalFlowHS_8u32fR( uchar* imgA, uchar* imgB, int imgStep, CvSize imgSize, int usePrevious, float* velocityX, float* velocityY, int velStep, float lambda, CvTermCriteria criteria ) argument
490 cvCalcOpticalFlowHS( const void* srcarrA, const void* srcarrB, int usePrevious, void* velarrx, void* velarry, double lambda, CvTermCriteria criteria ) argument
H A Dcvstereogc.cpp77 int lambda, lambda1, lambda2, K; member in struct:CvStereoGCState2
383 state->K = state->lambda = state->lambda1 = state->lambda2 = -1.f;
908 state2.lambda = cvRound(state->lambda*DENOMINATOR);
920 if( state2.lambda < 0 && (state2.K < 0 || state2.lambda1 < 0 || state2.lambda2 < 0) )
923 state2.lambda = cvRound(L*DENOMINATOR);
927 state2.K = state2.lambda*5;
929 state2.lambda1 = state2.lambda*3;
931 state2.lambda2 = state2.lambda;
/external/mesa3d/src/gallium/drivers/softpipe/
H A Dsp_tex_sample.c485 * derivatives w.r.t X and Y, then compute lambda (level of detail).
547 * Compute lambda for a vertex texture sampler.
1433 * Note that lambda has already been biased by global LOD bias.
1465 float lambda = samp->compute_lambda(samp, s, t, p) + samp->sampler->lod_bias; local
1466 compute_lod(samp->sampler, lambda, c0, lod);
1522 float lambda = samp->compute_lambda(samp, s, t, p) + samp->sampler->lod_bias; local
1523 compute_lod(samp->sampler, lambda, c0, lod);
1560 float lambda = samp->compute_lambda(samp, s, t, p) + samp->sampler->lod_bias; local
1561 compute_lod(samp->sampler, lambda, c0, lod);
1825 float lambda; local
1924 float lambda; local
[all...]
/external/mesa3d/src/mesa/swrast/
H A Ds_aaline.c67 GLfloat lambda[FRAG_ATTRIB_MAX]; member in struct:LineInfo
H A Ds_atifragshader.c47 fetch_texel(struct gl_context * ctx, const GLfloat texcoord[4], GLfloat lambda, argument
56 &lambda, (GLfloat (*)[4]) color);
H A Ds_fragprog.c79 fetch_texel_lod( struct gl_context *ctx, const GLfloat texcoord[4], GLfloat lambda, argument
89 lambda = CLAMP(lambda, samp->MinLod, samp->MaxLod);
93 &lambda, &rgba);
126 GLfloat lambda; local
129 lambda = _swrast_compute_lambda(texdx[0], texdy[0], /* ds/dx, ds/dy */
136 lambda += lodBias + texUnit->LodBias + samp->LodBias;
138 lambda = CLAMP(lambda, samp->MinLod, samp->MaxLod);
142 &lambda,
[all...]
H A Ds_span.c425 GLfloat lambda = LOG2(rho); local
426 return lambda;
444 GLfloat maxU, maxV, rho, lambda;
452 lambda = LOG2(rho);
453 return lambda;
484 GLfloat *lambda = span->array->lambda[u]; local
506 * skip the normal lambda function as the result is ignored.
535 lambda[i] = _swrast_compute_lambda(dsdx, dsdy, dtdx, dtdy,
552 lambda[
[all...]
H A Ds_span.h56 #define SPAN_LAMBDA 0x20 /**< array.lambda[] valid? */
91 GLfloat lambda[MAX_TEXTURE_COORD_UNITS][SWRAST_MAX_WIDTH]; /**< Texture LOD */ member in struct:sw_span_arrays
H A Ds_texcombine.c657 GLfloat *lambda = span->array->lambda[unit]; local
665 /* adjust texture lod (lambda) */
674 lambda[i] += bias;
680 /* apply LOD clamping to lambda */
685 GLfloat l = lambda[i];
686 lambda[i] = CLAMP(l, min, max);
694 span->end, texcoords, lambda, texels );
720 GLfloat *lambda = span->array->lambda[uni local
[all...]
H A Ds_texfilter.c610 linear_mipmap_level(const struct gl_texture_object *tObj, GLfloat lambda) argument
612 if (lambda < 0.0F)
614 else if (lambda > tObj->_MaxLambda)
617 return (GLint) (tObj->BaseLevel + lambda);
625 nearest_mipmap_level(const struct gl_texture_object *tObj, GLfloat lambda) argument
629 if (lambda <= 0.5F)
631 else if (lambda > tObj->_MaxLambda + 0.4999F)
634 l = lambda;
656 * The lambda[] array values are always monotonic. Either the whole span
662 GLuint n, const GLfloat lambda[],
661 compute_min_mag_ranges(const struct gl_sampler_object *samp, GLuint n, const GLfloat lambda[], GLuint *minStart, GLuint *minEnd, GLuint *magStart, GLuint *magEnd) argument
914 sample_1d_nearest_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
930 sample_1d_linear_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
946 sample_1d_nearest_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
972 sample_1d_linear_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
999 sample_nearest_1d( struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4] ) argument
1016 sample_linear_1d( struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4] ) argument
1033 sample_lambda_1d( struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4] ) argument
1245 sample_2d_nearest_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
1260 sample_2d_linear_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
1276 sample_2d_nearest_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
1302 sample_2d_linear_mipmap_linear( struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4] ) argument
1328 sample_2d_linear_mipmap_linear_repeat(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
1359 sample_nearest_2d(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
1376 sample_linear_2d(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
1411 opt_sample_rgb_2d(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
1456 opt_sample_rgba_2d(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
1494 sample_lambda_2d(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2141 sample_3d_nearest_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4] ) argument
2156 sample_3d_linear_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2172 sample_3d_nearest_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2198 sample_3d_linear_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2225 sample_nearest_3d(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2242 sample_linear_3d(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2259 sample_lambda_3d(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2415 sample_nearest_cube(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2439 sample_linear_cube(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2463 sample_cube_nearest_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2498 sample_cube_linear_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2523 sample_cube_nearest_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2558 sample_cube_linear_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2594 sample_lambda_cube(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2671 sample_nearest_rect(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2706 sample_linear_rect(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2773 sample_lambda_rect(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2923 sample_2d_array_nearest_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2939 sample_2d_array_linear_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2956 sample_2d_array_nearest_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
2984 sample_2d_array_linear_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3013 sample_nearest_2d_array(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3031 sample_linear_2d_array(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3048 sample_lambda_2d_array(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3218 sample_1d_array_nearest_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3234 sample_1d_array_linear_mipmap_nearest(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3251 sample_1d_array_nearest_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3277 sample_1d_array_linear_mipmap_linear(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoord[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3304 sample_nearest_1d_array(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3321 sample_linear_1d_array(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3338 sample_lambda_1d_array(struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
3512 choose_depth_texture_level(const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLfloat lambda) argument
3537 sample_depth_texture( struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat texel[][4] ) argument
3681 null_sample_func( struct gl_context *ctx, const struct gl_sampler_object *samp, const struct gl_texture_object *tObj, GLuint n, const GLfloat texcoords[][4], const GLfloat lambda[], GLfloat rgba[][4]) argument
[all...]
/external/mesa3d/src/mesa/tnl/
H A Dt_vb_program.c195 vp_fetch_texel(struct gl_context *ctx, const GLfloat texcoord[4], GLfloat lambda, argument
204 &lambda, (GLfloat (*)[4]) color);
/external/libopus/celt/
H A Dcelt_encoder.c549 int *tf_res, int lambda, celt_norm *X, int N0, int LM,
645 cost1 = isTransient ? 0 : lambda;
649 curr0 = IMIN(cost0, cost1 + lambda);
650 curr1 = IMIN(cost0 + lambda, cost1);
662 cost1 = isTransient ? 0 : lambda;
670 from1 = cost1 + lambda;
680 from0 = cost0 + lambda;
1695 int lambda; local
1697 lambda = 12;
1699 lambda
548 tf_analysis(const CELTMode *m, int len, int isTransient, int *tf_res, int lambda, celt_norm *X, int N0, int LM, int *tf_sum, opus_val16 tf_estimate, int tf_chan) argument
[all...]
/external/libopus/silk/float/
H A Dnoise_shape_analysis_FLP.c41 silk_float lambda,
47 lambda = -lambda;
50 gain = lambda * gain + coefs[ i ];
52 return (silk_float)( 1.0f / ( 1.0f - lambda * gain ) );
60 silk_float lambda,
69 coefs_syn[ i - 1 ] -= lambda * coefs_syn[ i ];
70 coefs_ana[ i - 1 ] -= lambda * coefs_ana[ i ];
72 gain_syn = ( 1.0f - lambda * lambda ) / ( 1.
39 warped_gain( const silk_float *coefs, silk_float lambda, opus_int order ) argument
57 warped_true2monic_coefs( silk_float *coefs_syn, silk_float *coefs_ana, silk_float lambda, silk_float limit, opus_int order ) argument
[all...]
H A Dprefilter_FLP.c55 const silk_float lambda, /* I Warping factor */
68 tmp2 = state[ 0 ] + lambda * state[ 1 ];
71 tmp1 = state[ 1 ] + lambda * ( state[ 2 ] - tmp2 );
77 tmp2 = state[ i ] + lambda * ( state[ i + 1 ] - tmp1 );
81 tmp1 = state[ i + 1 ] + lambda * ( state[ i + 2 ] - tmp2 );
50 silk_warped_LPC_analysis_filter_FLP( silk_float state[], silk_float res[], const silk_float coef[], const silk_float input[], const silk_float lambda, const opus_int length, const opus_int order ) argument
/external/libgsm/src/
H A Dlong_term.c59 register int k, lambda; local
97 for (lambda = 40; lambda <= 120; lambda++) {
98 L_result = (longword)wt_k * dp[best_k - lambda];
100 Nc = lambda;
163 register int k, lambda; local
203 for (lambda = 40; lambda <= 120; lambda
301 register int k, lambda; local
478 register int k, lambda; local
646 register int k, lambda; local
719 register int k, lambda; local
[all...]
/external/eigen/doc/snippets/
H A DComplexEigenSolver_compute.cpp9 complex<float> lambda = ces.eigenvalues()[0]; variable
10 cout << "Consider the first eigenvalue, lambda = " << lambda << endl;
12 cout << "If v is the corresponding eigenvector, then lambda * v = " << endl << lambda * v << endl;
H A DEigenSolver_EigenSolver_MatrixType.cpp8 complex<double> lambda = es.eigenvalues()[0]; variable
9 cout << "Consider the first eigenvalue, lambda = " << lambda << endl;
11 cout << "If v is the corresponding eigenvector, then lambda * v = " << endl << lambda * v << endl;
H A DSelfAdjointEigenSolver_SelfAdjointEigenSolver_MatrixType.cpp9 double lambda = es.eigenvalues()[0]; variable
10 cout << "Consider the first eigenvalue, lambda = " << lambda << endl;
12 cout << "If v is the corresponding eigenvector, then lambda * v = " << endl << lambda * v << endl;

Completed in 383 milliseconds

123