Searched refs:scale (Results 176 - 200 of 1782) sorted by relevance

1234567891011>>

/external/aac/libFDK/include/
H A DFDK_trigFcts.h137 FIXP_DBL fixp_cos(FIXP_DBL x, int scale);
138 FIXP_DBL fixp_sin(FIXP_DBL x, int scale);
155 static inline FIXP_DBL fixp_sin_cos_residual_inline(FIXP_DBL x, int scale, argument
160 int shift = (31 - scale - LD - 1);
169 residual <<= scale; local
209 /* scale down by 1 for overflow prevention. This is undone at the calling
224 * \param scale exponent of x1 and x2
229 const int scale, FIXP_DBL *out) {
231 residual = fixp_sin_cos_residual_inline(x1, scale, &sine, &cosine);
244 residual = fixp_sin_cos_residual_inline(x2, scale,
228 inline_fixp_cos_sin(FIXP_DBL x1, FIXP_DBL x2, const int scale, FIXP_DBL *out) argument
[all...]
/external/aac/libSACenc/src/
H A Dsacenc_staticgain.h151 const HANDLE_STATIC_GAIN_CONFIG hStaticGainConfig, INT *const scale);
159 const INT nOutputSamples, const INT scale);
/external/apache-commons-math/src/main/java/org/apache/commons/math/distribution/
H A DWeibullDistributionImpl.java49 /** The scale parameter. */
50 private double scale; field in class:WeibullDistributionImpl
68 * Creates weibull distribution with the given shape and scale and a
71 * @param beta the scale parameter.
78 * Creates weibull distribution with the given shape, scale and inverse
81 * @param beta the scale parameter.
103 ret = 1.0 - FastMath.exp(-FastMath.pow(x / scale, shape));
117 * Access the scale parameter.
118 * @return the scale parameter.
121 return scale;
[all...]
/external/pdfium/core/fxcrt/
H A Dcfx_decimal.h18 CFX_Decimal(float val, uint8_t scale);
32 CFX_Decimal(uint32_t hi, uint32_t mid, uint32_t lo, bool neg, uint8_t scale);
/external/skia/src/codec/
H A DSkWebpAdapterCodec.cpp17 float scale = get_scale_from_sample_size(sampleSize); local
18 return this->codec()->getScaledDimensions(scale);
/external/skqp/src/codec/
H A DSkWebpAdapterCodec.cpp17 float scale = get_scale_from_sample_size(sampleSize); local
18 return this->codec()->getScaledDimensions(scale);
/external/swiftshader/src/OpenGL/common/
H A DMatrixStack.hpp38 void scale(float x, float y, float z);
39 void scale(double x, double y, double z);
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
H A Dnormal_conjugate_posteriors_test.py44 prior = distributions.Normal(loc=mu0, scale=sigma0)
46 prior=prior, scale=sigma, s=s, n=n)
65 prior = distributions.Normal(loc=mu0, scale=sigma0)
67 prior=prior, scale=sigma, s=s, n=n)
88 prior = distributions.Normal(loc=mu0, scale=sigma0)
90 prior=prior, scale=sigma, s=s, n=n)
109 prior = distributions.Normal(loc=mu0, scale=sigma0)
111 prior=prior, scale=sigma, s=s, n=n)
/external/tensorflow/tensorflow/contrib/lite/kernels/
H A Dkernel_util.cc28 const double input_product_scale = input->params.scale * filter->params.scale;
29 const double bias_scale = bias->params.scale;
30 const double output_scale = output->params.scale;
50 const auto scale = output->params.scale; local
53 auto quantize = [scale, zero_point](float f) {
54 return zero_point + static_cast<int32_t>(TfLiteRound(f / scale));
/external/webrtc/webrtc/modules/audio_coding/codecs/ilbc/
H A Dcb_mem_energy_calc.c31 int scale, /* (i) The scaling of all energy values */
50 energy += tmp >> scale;
24 WebRtcIlbcfix_CbMemEnergyCalc( int32_t energy, size_t range, int16_t *ppi, int16_t *ppo, int16_t *energyW16, int16_t *energyShifts, int scale, size_t base_size ) argument
/external/tensorflow/tensorflow/python/kernel_tests/distributions/
H A Dstudent_t_test.py59 student = student_t.StudentT(df, loc=mu, scale=-sigma)
71 expected_log_pdf = stats.t.logpdf(t, df_v, loc=mu_v, scale=sigma_v)
72 expected_pdf = stats.t.pdf(t, df_v, loc=mu_v, scale=sigma_v)
89 student = student_t.StudentT(df, loc=mu, scale=sigma)
99 expected_log_pdf = stats.t.logpdf(t, df_v, loc=mu_v, scale=sigma_v)
100 expected_pdf = stats.t.pdf(t, df_v, loc=mu_v, scale=sigma_v)
116 student = student_t.StudentT(df, loc=mu, scale=sigma)
127 expected_log_cdf = stats.t.logcdf(t, df_v, loc=mu_v, scale=sigma_v)
128 expected_cdf = stats.t.cdf(t, df_v, loc=mu_v, scale=sigma_v)
141 student = student_t.StudentT(df=df_v, loc=mu_v, scale
[all...]
/external/iproute2/lib/
H A Ddnet_ntop.c19 static __inline__ int do_digit(char *str, u_int16_t *addr, u_int16_t scale, size_t *pos, size_t len, int *started) argument
21 u_int16_t tmp = *addr / scale;
26 if (((tmp) > 0) || *started || (scale == 1)) {
30 *addr -= (tmp * scale);
/external/libopus/silk/fixed/
H A Dwarped_autocorrelation_FIX.c42 opus_int *scale, /* O Scaling of the correlation vector */
78 *scale = -( QC + lsh );
79 silk_assert( *scale >= -30 && *scale <= 12 );
40 silk_warped_autocorrelation_FIX_c( opus_int32 *corr, opus_int *scale, const opus_int16 *input, const opus_int warping_Q16, const opus_int length, const opus_int order ) argument
/external/libxaac/decoder/
H A Dixheaacd_hybrid.h42 ia_hybrid_struct *ptr_hybrid, WORD16 scale,
/external/mesa3d/src/mesa/math/
H A Dm_debug_norm.c125 GLfloat scale,
141 SCALE_SCALAR_3V( out[i], scale, t );
148 GLfloat scale,
169 scale = 1.0f / sqrtf(len);
170 SCALE_SCALAR_3V( out[i], scale, t );
175 scale = lengths[i];
176 SCALE_SCALAR_3V( out[i], scale, t );
203 GLfloat scale; local
217 scale = 1.0F + rnd () * norm_scale_types[mtype];
279 ref_norm_transform_rescale( mat, scale, sourc
124 ref_norm_transform_rescale( const GLmatrix *mat, GLfloat scale, const GLvector4f *in, const GLfloat *lengths, GLvector4f *dest ) argument
147 ref_norm_transform_normalize( const GLmatrix *mat, GLfloat scale, const GLvector4f *in, const GLfloat *lengths, GLvector4f *dest ) argument
[all...]
/external/pdfium/core/fpdfapi/page/
H A Dcpdf_allstates.h25 void SetLineDash(CPDF_Array*, float, float scale);
/external/tensorflow/tensorflow/contrib/distributions/python/ops/
H A Dpoisson_lognormal.py46 loc, scale, quadrature_size,
56 scale: `float`-like (batch of) scalar `Tensor`; the scale parameter of
73 [loc, scale]):
79 # The following maps the broadcast of `loc` and `scale` to each grid
82 # `loc` and `scale`.
84 + np.sqrt(2.) * scale[..., array_ops.newaxis] * grid)
89 loc, scale, quadrature_size,
96 scale: `float`-like (batch of) scalar `Tensor`; the scale paramete
313 def scale(self): member in class:PoissonLogNormalQuadratureCompound
[all...]
/external/tensorflow/tensorflow/python/ops/distributions/
H A Dstudent_t.py50 and `scale`.
65 * `scale = sigma`, and,
70 The StudentT distribution is a member of the [location-scale family](
75 X ~ StudentT(df, loc=0, scale=1)
76 Y = loc + scale * X
79 Notice that `scale` has semantics more similar to standard deviation than
81 t-distribution std. dev. is `scale sqrt(df / (df - 2))` when `df > 2`.
95 # The first has degrees of freedom 2, mean 1, and scale 11.
99 scale=[11, 22.])
114 dist = tf.distributions.StudentT(df=2, loc=1, scale
196 def scale(self): member in class:StudentT
[all...]
/external/webrtc/webrtc/modules/remote_bitrate_estimator/
H A Drate_statistics.h22 // scale = coefficient to convert counts/ms to desired units,
24 RateStatistics(uint32_t window_size_ms, float scale);
/external/aac/libAACenc/src/
H A Dquantize.cpp287 spec^(3/4) * 2^(-3/16*QSS) * 2^(3/4*scale) + k
289 spec^(3/4) * 2^(-3/16*(QSS - 4*scale)) */
315 INT i, scale; local
336 scale = CountLeadingBits(diff);
337 diff = scaleValue(diff, scale);
339 scale = fixMin(2 * (scale - 1), DFRACT_BITS - 1);
341 diff = scaleValue(diff, -scale);
365 INT i, scale; local
388 scale
[all...]
/external/eigen/Eigen/src/Core/
H A DStableNorm.h18 inline void stable_norm_kernel(const ExpressionType& bl, Scalar& ssq, Scalar& scale, Scalar& invScale) argument
22 if(maxCoeff>scale)
24 ssq = ssq * numext::abs2(scale/maxCoeff);
29 scale = Scalar(1)/invScale;
34 scale = maxCoeff;
38 scale = maxCoeff;
44 scale = maxCoeff;
47 // TODO if the maxCoeff is much much smaller than the current scale,
49 if(scale>Scalar(0)) // if scale
187 internal::stable_norm_kernel(SegmentWrapper(copy.segment(bi,numext::mini(blockSize, n - bi))), ssq, scale, invScale); local
[all...]
/external/mesa3d/src/util/
H A Dformat_srgb.h85 unsigned tab, bias, scale, t; local
100 /* Do the table lookup and unpack bias, scale */
104 scale = tab & 0xffff;
108 return (uint8_t) ((bias + scale*t) >> 16);
/external/pdfium/core/fxge/
H A Dcfx_graphstate.cpp22 void CFX_GraphState::SetLineDash(CPDF_Array* pArray, float phase, float scale) { argument
24 pData->m_DashPhase = phase * scale;
27 pData->m_DashArray[i] = pArray->GetNumberAt(i) * scale;
/external/skia/include/core/
H A DSkRSXform.h15 * A compressed form of a rotation+scale matrix.
28 * Initialize a new xform based on the scale, rotation (in radians), final tx,ty location
33 static SkRSXform MakeFromRadians(SkScalar scale, SkScalar radians, SkScalar tx, SkScalar ty, argument
35 const SkScalar s = SkScalarSin(radians) * scale;
36 const SkScalar c = SkScalarCos(radians) * scale;
/external/skia/src/gpu/effects/
H A DGrEllipseEffect.fp23 layout(when=useScale) uniform float2 scale;
42 // If we're using a scale factor to work around precision issues, choose the larger radius
43 // as the scale factor. The inv radii need to be pre-adjusted by the scale factor.
44 if (scale.isValid()) {
49 pdman.set2f(scale, radii.fX, 1.f / radii.fX);
54 pdman.set2f(scale, radii.fY, 1.f / radii.fY);
70 // that is normalized by the larger radius. The scale uniform will be scale, 1/scale
[all...]

Completed in 916 milliseconds

1234567891011>>