HomeSort by relevance Sort by last modified time
    Searched defs:gain (Results 51 - 75 of 142) sorted by null

1 23 4 5 6

  /external/webrtc/webrtc/modules/audio_coding/codecs/isac/main/source/
decode.c 65 float gain; local
143 /* Convert AvgPitchGain back to float for computation of gain. */
145 gain = 1.0f - 0.45f * (float)AvgPitchGain;
148 /* Reduce gain to compensate for pitch enhancer. */
149 LPw_pf[k] *= gain;
154 /* Compensation for transcoding gain changes. */
198 const int16_t kAveragePitchGain = 0; /* No pitch-gain for upper-band. */
266 const int16_t kAveragePitchGain = 0; /* No pitch-gain for upper-band. */
pitch_filter.c 23 * y(z) = x(z) + damper(z) * gain * (x(z) + y(z)) * z ^ (-lag);
26 * y(z) = x(z) - damper(z) * gain * (x(z) + y(z)) * z ^ (-lag);
77 * differential changes in gain is considered. This is
78 * used to find the optimal gain.
92 * gain : pitch-gain to be applied to the current segment of input.
102 * gain_mult : differential changes to gain.
108 double gain; member in struct:__anon49766
132 * where the output of different gain values (differential
133 * change to gain) is written
    [all...]
  /frameworks/av/media/libstagefright/codecs/amrwbenc/src/
dtx.c 167 Word16 log_en, gain, level, exp, exp0, tmp; local
238 /* the result corresponds to log2(gain) in Q10 */
247 /* Subtract 2 from log_en in Q9, i.e divide the gain by 2 (energy by 4) */
263 /* gain = level / sqrt(ener) * sqrt(L_FRAME) */
270 gain = extract_h(ener32);
272 gain = mult(level, gain); /* gain in Q15 */
281 tmp = mult(exc2[i], gain); /* Q0 * Q15 */
p_med_ol.c 47 Word16 *gain = &(st->ol_gain); /* normalize correlation of hp_wsp for the lag */ local
120 /* gain = R0/ sqrt(R1*R2) */
147 *gain = vo_round(L_shl(R0, exp_R0));
  /external/aac/libPCMutils/src/
limiter.cpp 175 FIXP_DBL tmp, old, gain, additionalGain = 0, additionalGainUnfiltered; local
238 * additional gain. */
273 /* calc gain */
274 /* gain is downscaled by one, so that gain = 1.0 can be represented */
276 gain = fDivNorm(threshold, max) >> 1;
278 gain = FL2FXCONST_DBL(1.0f / (1 << 1));
281 /* gain smoothing, method: TDL_EXPONENTIAL */
286 if (gain < smoothState0) {
288 fMultDiv2((gain - fMultDiv2(FL2FXCONST_SGL(0.1f * (1 << 1))
    [all...]
  /external/adhd/cras/src/alsa_plugin/
ctl_cras.c 142 static long capture_gain_to_index(struct cras_client *client, long gain)
155 if (gain <= min)
157 if (gain >= max)
159 return (gain - min) / dB_step;
233 long gain; local
255 gain = capture_index_to_gain(cras->client, *value);
264 gain);
  /external/dng_sdk/source/
dng_gain_map.cpp 142 ThrowProgramError ("Empty gain map");
209 ThrowProgramError ("Empty gain map");
581 real32 gain = interp.Interpolate (); local
583 dPtr [col] = Min_real32 (dPtr [col] * gain, 1.0f);
  /external/fonttools/Lib/fontTools/varLib/
varStore.py 339 def gain(self): member in class:_Encoding
340 """Maximum possible byte gain from merging this into another
437 # Separate encodings that have no gain (are decided) and those having
438 # possible gain (possibly to be merged into others.)
443 if not encoding.gain:
  /external/libopus/celt/
vq.c 75 opus_val16 gain, theta; local
83 gain = celt_div((opus_val32)MULT16_16(Q15_ONE,len),(opus_val32)(len+factor*K));
84 theta = HALF16(MULT16_16_Q15(gain,gain));
115 /** Takes the pitch vector and the decoded residual vector, computes the gain
118 int N, opus_val32 Ryy, opus_val16 gain)
131 g = MULT16_16_P15(celt_rsqrt_norm(t),gain);
327 opus_val16 gain, int resynth, int arch)
348 normalise_residual(iy, X, N, yy, gain);
360 ec_dec *dec, opus_val16 gain)
    [all...]
  /external/skia/src/effects/imagefilters/
SkMatrixConvolutionImageFilter.cpp 31 SkScalar gain,
40 , fGain(gain)
55 SkScalar gain,
75 return sk_sp<SkImageFilter>(new SkMatrixConvolutionImageFilter(kernelSize, kernel, gain,
100 SkScalar gain = buffer.readScalar(); local
112 return Make(kernelSize, kernel.get(), gain, bias, kernelOffset, tileMode,
  /external/skqp/src/effects/imagefilters/
SkMatrixConvolutionImageFilter.cpp 31 SkScalar gain,
40 , fGain(gain)
55 SkScalar gain,
75 return sk_sp<SkImageFilter>(new SkMatrixConvolutionImageFilter(kernelSize, kernel, gain,
100 SkScalar gain = buffer.readScalar(); local
112 return Make(kernelSize, kernel.get(), gain, bias, kernelOffset, tileMode,
  /external/sonivox/arm-wt-22k/lib_src/
eas_pcm.c 454 * gainLeft - linear gain multipler in 1.15 fraction format
455 * gainRight - linear gain multipler in 1.15 fraction format
457 * initial - initial settings, set current gain
465 * In mono mode, leftGain controls the output gain and rightGain is ignored
513 * gainLeft - linear gain multipler in 1.15 fraction format
514 * gainRight - linear gain multipler in 1.15 fraction format
515 * initial - initial settings, set current gain
523 * In mono mode, leftGain controls the output gain and rightGain is ignored
556 * Mute and stop rendering a PCM stream. Sets the gain target to zero and stops the playback
582 * Resume rendering a PCM stream. Sets the gain target back to it
1113 EAS_I32 gain = FMUL_15x15(pState->envValue >> 7, pState->volume); local
    [all...]
  /external/speex/libspeexdsp/
scal.c 240 float gain; local
245 gain = coef*sqrt(.1+st->curve[i]);
246 frame[2*i-1] = gain*x1;
247 frame[2*i] = gain*x2;
  /external/tensorflow/tensorflow/core/kernels/boosted_trees/
training_ops.cc 37 float gain; member in struct:tensorflow::__anon45201::SplitCandidate
124 const float gain = gains_list[feature_idx].vec<float>()(candidate_idx); variable
128 // Note that zero-gain splits are acceptable.
129 if (gain < 0) {
147 current_tree, node_id, feature_id, threshold, gain, left_contrib,
210 const auto& gain = gains(candidate_idx); local
216 candidate.gain = gain;
219 GainsAreEqual(gain, best_split_it->second.gain))) {
    [all...]
  /external/u-boot/drivers/power/regulator/
tps65910_regulator.c 287 int gain; local
292 gain = (val & TPS65910_GAIN_SEL_MASK) >> 6;
293 gain = (gain == 0) ? 1 : gain;
302 return (562500 + (val & TPS65910_VDD_SEL_MASK) * 12500) * gain;
323 int ret, reg_vdd, gain; local
353 gain = (val & TPS65910_GAIN_SEL_MASK) >> 6;
354 gain = (gain == 0) ? 1 : gain
    [all...]
  /frameworks/av/media/libstagefright/codecs/amrwb/src/
dtx_decoder_amr_wb.cpp 208 int16 gain; local
375 /* L_log_en_int corresponds to log2(E)+2 in Q24, i.e log2(gain)+1 in Q25 */
385 /* Subtract 2 from L_log_en_int in Q9, i.e divide the gain by 2 (energy by 4) */
403 /* gain = level / sqrt(ener) * sqrt(L_FRAME) */
410 gain = extract_h(ener32);
412 gain = mult_int16(level, gain); /* gain in Q15 */
421 tmp = mult_int16(exc2[i], gain); /* Q0 * Q15 */
  /device/generic/goldfish/camera/fake-pipeline2/
Sensor.cpp 161 void Sensor::setSensitivity(uint32_t gain) {
163 ALOGVV("Gain set to %d", gain);
164 mGainFactor = gain;
239 uint32_t gain; local
247 gain = mGainFactor;
308 ALOGVV("Starting next capture: Exposure: %f ms, gain: %d",
309 (float)exposureDuration/1e6, gain);
322 captureRaw(b.img, gain, b.stride);
325 captureRGB(b.img, gain, b.width, b.height)
    [all...]
  /device/google/cuttlefish_common/guest/hals/camera/fake-pipeline2/
Sensor.cpp 152 void Sensor::setSensitivity(uint32_t gain) {
154 ALOGVV("Gain set to %d", gain);
155 mGainFactor = gain;
229 uint32_t gain; local
237 gain = mGainFactor;
298 ALOGVV("Starting next capture: Exposure: %f ms, gain: %d",
299 (float)exposureDuration / 1e6, gain);
314 captureRaw(b.img, gain, b.stride);
318 captureRGB(b.img, gain, b.stride)
    [all...]
  /external/adhd/cras/src/server/
cras_hfp_slc.c 411 /* AT+VGM and AT+VGS command reports the current mic and speaker gain
417 int gain; local
420 syslog(LOG_ERR, "Invalid gain setting command %s", cmd);
427 gain = atoi(&cmd[7]);
429 (gain + 1) * 100 / 16);
466 int hfp_event_speaker_gain(struct hfp_slc_handle *handle, int gain)
470 /* Normailize gain value to 0-15 */
471 gain = gain * 15 / 100;
472 snprintf(command, 128, "+VGS=%d", gain);
    [all...]
  /external/adhd/cras/src/tests/
observer_unittest.cc 119 /* System input/capture gain changed. */
120 void cb_capture_gain_changed(void *context, int32_t gain) {
123 cb_capture_gain_changed_gain.push_back(gain);
171 /* Input gain changed. */
174 int32_t gain) {
178 cb_input_node_gain_changed_gain.push_back(gain);
362 const int32_t gain = -20; local
364 cras_observer_notify_capture_gain(gain);
370 EXPECT_EQ(data->volume, gain);
376 EXPECT_EQ(cb_capture_gain_changed_gain[0], gain);
503 const int32_t gain = -20; local
    [all...]
  /external/libxaac/decoder/
ixheaacd_imdct.c 201 FLOAT32 gain, ztemp, ftemp, pow10, rem10; local
216 gain = pow10 * rem10;
217 scale = (WORD32)(ixheaacd_norm32((WORD32)((ABS(gain) + 1))));
218 gain_fac = (WORD32)(gain * (FLOAT32)((WORD64)1 << scale));
220 qfac1 = 1.0f / (gain);
ixheaacd_lpc.c 210 FLOAT32 x_energy, xy_corr, y_energy, norm_corr, energy, gain, tmp, alpha; local
225 gain = pitch_gain[sf];
227 if (gain > 1.0f) gain = 1.0f;
228 if (gain < 0.0f) gain = 0.0f;
250 if (gain > 0) {
262 if (tmp < gain) gain = tmp;
265 alpha = 0.5f * gain;
334 FLOAT32 gain, stability_factor; local
397 WORD32 gain; local
    [all...]
ixheaacd_mps_pre_mix.c 298 WORD32 gain = 111848107; local
303 *h_real++ = gain;
304 *h_real++ = gain;
307 *h_real++ = gain;
308 *h_real++ = -gain;
310 *h_real++ = gain;
311 *h_real++ = -gain;
  /external/skia/src/gpu/effects/
GrMatrixConvolutionEffect.cpp 56 fGainUni = uniformHandler->addUniform(kFragment_GrShaderFlag, kHalf_GrSLType, "Gain");
62 const char* gain = uniformHandler->getUniformCStr(fGainUni); local
96 fragBuilder->codeAppendf("%s = sum * %s + %s;", args.fOutputColor, gain, bias);
109 fragBuilder->codeAppendf("%s.rgb = saturate(sum.rgb * %s + %s);", args.fOutputColor, gain, bias);
141 pdman.set1f(fGainUni, conv.gain());
150 SkScalar gain,
163 , fGain(SkScalarToFloat(gain))
208 fGain == s.gain() &&
300 SkScalar gain,
313 gain, bias, kernelOffset, tileMode, convolveAlpha))
331 SkScalar gain = d->fRandom->nextSScalar1(); local
    [all...]
  /external/skqp/src/gpu/effects/
GrMatrixConvolutionEffect.cpp 56 fGainUni = uniformHandler->addUniform(kFragment_GrShaderFlag, kHalf_GrSLType, "Gain");
62 const char* gain = uniformHandler->getUniformCStr(fGainUni); local
96 fragBuilder->codeAppendf("%s = sum * %s + %s;", args.fOutputColor, gain, bias);
109 fragBuilder->codeAppendf("%s.rgb = saturate(sum.rgb * %s + %s);", args.fOutputColor, gain, bias);
141 pdman.set1f(fGainUni, conv.gain());
150 SkScalar gain,
163 , fGain(SkScalarToFloat(gain))
208 fGain == s.gain() &&
300 SkScalar gain,
313 gain, bias, kernelOffset, tileMode, convolveAlpha))
331 SkScalar gain = d->fRandom->nextSScalar1(); local
    [all...]

Completed in 861 milliseconds

1 23 4 5 6