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

1 2 3 4 5 6 7

  /external/webrtc/webrtc/common_audio/signal_processing/
real_fft_unittest.cc 20 // FFT order.
22 // Lengths for real FFT's time and frequency bufffers.
23 // For N-point FFT, the length requirements from API are N and N+2 respectively.
26 // For complex FFT's time and freq buffer. The implementation requires
45 RealFFT* fft = WebRtcSpl_CreateRealFFT(11); local
46 EXPECT_TRUE(fft == NULL);
47 fft = WebRtcSpl_CreateRealFFT(-1);
48 EXPECT_TRUE(fft == NULL);
56 // One common buffer for complex FFT's time and frequency data.
59 // Prepare the inputs to forward FFT's
67 RealFFT* fft = WebRtcSpl_CreateRealFFT(kOrder); local
    [all...]
  /external/eigen/unsupported/test/
cxx11_tensor_ifft.cpp 22 array<int, 1> fft; local
23 fft[0] = 0;
28 tensor_after_fft = tensor.template fft<Eigen::BothParts, Eigen::FFT_FORWARD>(fft);
29 tensor_after_fft_ifft = tensor_after_fft.template fft<Eigen::BothParts, Eigen::FFT_REVERSE>(fft);
44 array<int, 2> fft; local
45 fft[0] = 0;
46 fft[1] = 1;
51 tensor_after_fft = tensor.template fft<Eigen::BothParts, Eigen::FFT_FORWARD>(fft)
72 array<int, 3> fft; local
104 array<int, 2> fft; local
    [all...]
FFTW.cpp 11 #include <unsupported/Eigen/FFT>
80 typedef typename FFT<T>::Complex Complex;
81 typedef typename FFT<T>::Scalar Scalar;
85 FFT<T> fft; local
93 fft.SetFlag(fft.HalfSpectrum );
94 fft.fwd( freqBuf,tbuf);
98 fft.ClearFlag(fft.HalfSpectrum )
146 FFT<T> fft; local
217 FFT<float> fft; local
    [all...]
cxx11_tensor_fft.cpp 25 array<ptrdiff_t, 2> fft; local
26 fft[0] = 0;
27 fft[1] = 1;
29 Tensor<std::complex<float>, 2, DataLayout> output = input.template fft<Eigen::BothParts, Eigen::FFT_FORWARD>(fft);
67 array<ptrdiff_t, 1> fft; local
68 fft[0] = 0;
70 Tensor<std::complex<float>, 1, ColMajor> forward_output_both_parts = input.fft<BothParts, FFT_FORWARD>(fft);
71 Tensor<std::complex<float>, 1, ColMajor> reverse_output_both_parts = input.fft<BothParts, FFT_REVERSE>(fft)
124 array<ptrdiff_t, 1> fft; local
195 array<ptrdiff_t, TensorRank> fft; local
    [all...]
  /external/eigen/bench/
benchFFT.cpp 17 #include <unsupported/Eigen/FFT>
51 FFT< Scalar > fft; local
54 fft.SetFlag(fft.Unscaled);
58 fft.SetFlag(fft.HalfSpectrum);
64 fft.fwd( outbuf , inbuf);
72 fft.fwd( outbuf , inbuf);
75 fft.inv(inbuf,outbuf)
    [all...]
  /external/aac/libFDK/src/
FDK_hybrid.cpp 94 #include "fft.h"
502 FIXP_DBL fft[8]; local
524 /* write to fft coefficient n' */
525 fft[FFT_IDX_R(0)] = ( fMult(p[10], ( fMultSub(fMultDiv2(cr[ 2], pQmfReal[pReadIdx[ 2]]), ci[ 2], pQmfImag[pReadIdx[ 2]]))) +
528 fft[FFT_IDX_I(0)] = ( fMult(p[10], ( fMultAdd(fMultDiv2(ci[ 2], pQmfReal[pReadIdx[ 2]]), cr[ 2], pQmfImag[pReadIdx[ 2]]))) +
533 fft[FFT_IDX_R(1)] = ( fMult(p[ 9], ( fMultSub(fMultDiv2(cr[ 3], pQmfReal[pReadIdx[ 3]]), ci[ 3], pQmfImag[pReadIdx[ 3]]))) +
536 fft[FFT_IDX_I(1)] = ( fMult(p[ 9], ( fMultAdd(fMultDiv2(ci[ 3], pQmfReal[pReadIdx[ 3]]), cr[ 3], pQmfImag[pReadIdx[ 3]]))) +
541 fft[FFT_IDX_R(2)] = ( fMult(p[12], ( fMultSub(fMultDiv2(cr[ 0], pQmfReal[pReadIdx[ 0]]), ci[ 0], pQmfImag[pReadIdx[ 0]]))) +
545 fft[FFT_IDX_I(2)] = ( fMult(p[12], ( fMultAdd(fMultDiv2(ci[ 0], pQmfReal[pReadIdx[ 0]]), cr[ 0], pQmfImag[pReadIdx[ 0]]))) +
550 fft[FFT_IDX_R(3)] = ( fMult(p[11], ( fMultSub(fMultDiv2(cr[ 1], pQmfReal[pReadIdx[ 1]]), ci[ 1], pQmf (…)
    [all...]
  /cts/suite/audio_quality/test_description/processing/
calc_thd.py 19 import scipy.fftpack as fft
25 fftData = abs(fft.fft(data * np.hanning(len(data))))
gen_random.py 20 import scipy.fftpack as fft
34 fftData = fft.rfft(randomSignal)
47 filteredData = fft.irfft(fftData)
49 #plt.plot(freq, abs(fft.fft(filteredData)))
  /frameworks/av/media/libmedia/include/media/
Visualizer.h 36 * - Frequency data: 8-bit magnitude FFT by using the getFft() method
39 * getCaptureSize() and setCaptureSize() methods. Note that the size of the FFT
85 // callback used to return periodic PCM or FFT captures to the application. Either one or both
86 // types of data are returned (PCM and FFT) according to flags indicated when installing the
93 uint8_t *fft,
130 // return a capture in FFT 8 bit signed format. The size of the capture is equal to
131 // getCaptureSize() but the length of the FFT is half of the size (both parts of the spectrum
133 status_t getFft(uint8_t *fft);
159 status_t doFft(uint8_t *fft, uint8_t *waveform);
  /frameworks/base/media/java/android/media/audiofx/
Visualizer.java 43 * <li>Frequency data: 8-bit magnitude FFT by using the {@link #getFft(byte[])} method</li>
97 * captured data. A low playback volume will lead to low sample and fft values, and vice-versa.
178 * PCM and FFT capture listener registered by client
445 * <p>The capture is an 8-bit magnitude FFT, the frequency range covered being 0 (DC) to half of
480 * @param fft array of bytes where the FFT should be returned
486 public int getFft(byte[] fft)
492 return native_getFft(fft);
559 * <p>Data in the fft buffer is valid only within the scope of the callback.
560 * Applications which needs access to the fft data after returning from the callbac
    [all...]
  /frameworks/av/media/libmedia/
Visualizer.cpp 279 status_t Visualizer::getFft(uint8_t *fft)
281 if (fft == NULL) {
293 status = doFft(fft, buf);
296 memset(fft, 0, mCaptureSize);
301 status_t Visualizer::doFft(uint8_t *fft, uint8_t *waveform)
319 fft[i] = tmp;
323 fft[i + 1] = tmp;
342 uint8_t fft[mCaptureSize]; local
344 status = doFft(fft, waveform);
358 fftPtr = fft;
    [all...]
  /cts/apps/CtsVerifier/src/com/android/cts/verifier/audio/
Util.java 64 * Calculate cross correlation using FFT with periodic boundary handling.
67 FastFourierTransformer fft = new FastFourierTransformer(); local
69 Complex[] data1Fft = fft.transform(padZeros(data1, n));
70 Complex[] data2Fft = fft.transform(padZeros(data2, n));
75 Complex[] resultComplex = fft.inversetransform(dottedData);
  /external/webrtc/webrtc/modules/audio_processing/aecm/
aecm_core_c.c 66 int16_t* fft,
72 // FFT of signal
75 // transformation array |fft|
77 fft[i] = (int16_t)((scaled_time_signal * WebRtcAecm_kSqrtHanning[i]) >> 14);
79 fft[PART_LEN + i] = (int16_t)((
83 // Do forward FFT, then take only the first PART_LEN complex samples,
85 WebRtcSpl_RealForwardFFT(aecm->real_fft, fft, (int16_t*)freq_signal);
92 int16_t* fft,
98 // Reuse |efw| for the inverse FFT output after transferring
99 // the contents to |fft|
173 int16_t *fft = (int16_t *) (((uintptr_t) fft_buf + 31) & ~31); local
308 int16_t* fft = (int16_t*) (((uintptr_t) fft_buf + 31) & ~ 31); local
    [all...]
aecm_core_mips.c 76 int16_t* fft,
88 memset(fft, 0, sizeof(int16_t) * PART_LEN4);
90 // FFT of signal
115 "addu %[store_ptr1], %[fft], %[f_coef] \n\t"
116 "addu %[store_ptr2], %[fft], %[s_coef] \n\t"
138 "addu %[store_ptr1], %[fft], %[f_coef] \n\t"
139 "addu %[store_ptr2], %[fft], %[s_coef] \n\t"
156 [hanning] "r" (WebRtcAecm_kSqrtHanning), [fft] "r" (fft)
160 WebRtcSpl_ComplexFFT(fft, PART_LEN_SHIFT, 1)
636 int16_t *fft = (int16_t *) (((uintptr_t) fft_buf + 31) & ~31); local
821 int16_t* fft = (int16_t*)(((uint32_t)fft_buf + 31) & ~ 31); local
    [all...]
  /external/aac/libSBRdec/src/
psdec_hybrid.cpp 87 #include "fft.h"
213 Implementation using a FFT of length 8
242 Try to split off FFT Modulation Term:
243 FFT(x[t], q) = sum(x[t+k]*exp(-j*2*pi/N *q * k))
255 n m *exp(-j*2*pi) | n' fft
272 now use fft modulation coefficients
273 m[6] = = fft[0]
274 m[7] = = fft[1]
275 m[8] = m[ 0] = fft[2]
276 m[9] = m[ 1] = fft[3
383 FIXP_DBL *fft = (FIXP_DBL *)ALIGN_PTR(_fft); local
    [all...]
  /frameworks/base/media/tests/EffectsTest/src/com/android/effectstest/
VisualizerTest.java 158 public void onFftDataCapture(Visualizer visualizer, byte[] fft, int samplingRate) {
160 if (fft.length > 0) {
161 Log.d(TAG, "onFftDataCapture(): "+fft[0]);
162 displayVal(R.id.fftMin, fft[0]);
163 displayVal(R.id.fftMax, fft[fft.length - 1]);
164 displayVal(R.id.fftCenter, fft[fft.length/2]);
  /external/apache-commons-math/src/main/java/org/apache/commons/math/transform/
FastFourierTransformer.java 35 * There are several conventions for the definition of FFT and inverse FFT,
41 * requirement. There are other flavors of FFT, for reference, see S. Winograd,
75 return fft(f, false);
97 return fft(data, false);
113 return fft(f);
130 return scaleArray(fft(f, false), scaling_coefficient);
154 return scaleArray(fft(data, false), scaling_coefficient);
172 return scaleArray(fft(f), scaling_coefficient);
189 return scaleArray(fft(f, true), scaling_coefficient)
301 protected Complex[] fft(double f[], boolean isInverse) method in class:FastFourierTransformer
346 protected Complex[] fft(Complex data[]) method in class:FastFourierTransformer
    [all...]
  /external/webrtc/webrtc/modules/audio_processing/aec/
aec_core_mips.c 448 float fft[PART_LEN2]; local
471 "addiu %[fft_tmp], %[fft], 0 \n\t"
525 "swc1 %[f8], 4(%[fft]) \n\t"
534 : [fft] "r" (fft)
538 aec_rdft_inverse_128(fft);
539 memset(fft + PART_LEN, 0, sizeof(float) * PART_LEN);
541 // fft scaling
547 "addiu %[fft_tmp], %[fft], 0 \n\t"
582 : [scale] "f" (scale), [fft] "r" (fft
    [all...]
aec_core.c 221 float fft[PART_LEN2]; local
234 fft[2 * j] = MulRe(x_fft_buf[0][xPos + j],
238 fft[2 * j + 1] = MulIm(x_fft_buf[0][xPos + j],
243 fft[1] = MulRe(x_fft_buf[0][xPos + PART_LEN],
248 aec_rdft_inverse_128(fft);
249 memset(fft + PART_LEN, 0, sizeof(float) * PART_LEN);
251 // fft scaling
255 fft[j] *= scale;
258 aec_rdft_forward_128(fft);
260 h_fft_buf[0][pos] += fft[0]
1009 float fft[PART_LEN2]; local
1247 float fft[PART_LEN2]; local
    [all...]
aec_core_neon.c 195 float fft[PART_LEN2]; local
223 vst1q_f32(&fft[2 * j + 0], g_n_h.val[0]);
224 vst1q_f32(&fft[2 * j + 4], g_n_h.val[1]);
227 fft[1] = MulRe(x_fft_buf[0][xPos + PART_LEN],
232 aec_rdft_inverse_128(fft);
233 memset(fft + PART_LEN, 0, sizeof(float) * PART_LEN);
235 // fft scaling
240 const float32x4_t fft_ps = vld1q_f32(&fft[j]);
242 vst1q_f32(&fft[j], fft_scale);
245 aec_rdft_forward_128(fft);
    [all...]
aec_core_sse2.c 157 float fft[PART_LEN2]; local
187 _mm_storeu_ps(&fft[2 * j + 0], g);
188 _mm_storeu_ps(&fft[2 * j + 4], h);
191 fft[1] = MulRe(x_fft_buf[0][xPos + PART_LEN],
196 aec_rdft_inverse_128(fft);
197 memset(fft + PART_LEN, 0, sizeof(float) * PART_LEN);
199 // fft scaling
204 const __m128 fft_ps = _mm_loadu_ps(&fft[j]);
206 _mm_storeu_ps(&fft[j], fft_scale);
209 aec_rdft_forward_128(fft);
    [all...]
  /external/libvorbis/lib/
psytune.c 329 float *fft=work[i]; local
335 /* fft and mdct transforms */
337 fft[j]=pcm[i][j]*=window[j];
339 drft_forward(&f_look,fft);
342 fft[0]*=scale;
343 fft[0]=todB(fft);
345 float temp=scale*FAST_HYPOT(fft[j],fft[j+1]);
346 temp=fft[(j+1)>>1]=todB(&temp)
361 float *fft=work[i]; local
    [all...]
  /external/eigen/unsupported/doc/examples/
FFT.cpp 1 // To use the simple FFT implementation
2 // g++ -o demofft -I.. -Wall -O3 FFT.cpp
5 // g++ -o demofft -I.. -DUSE_FFTW -Wall -O3 FFT.cpp -lfftw3 -lfftw3f -lfftw3l
17 #include <unsupported/Eigen/FFT>
82 static FFT<Scalar> fft; local
83 fft.fwd(freqbuf,timebuf);
86 fft.inv(timebuf2,freqbuf);
  /external/autotest/server/brillo/
audio_utils.py 28 # magnitude of the peak frequency after taking an FFT. The power of all the
159 FFT values are similiar meaning that the dominant frequency in the audio
180 using the FFT and observing the frequency corresponding to the
203 # Get fft and frequencies corresponding to the fft values.
204 fft_reference = numpy.fft.rfft(reference_data)
205 fft_rec = numpy.fft.rfft(rec_data)
206 fft_freqs_reference = numpy.fft.rfftfreq(len(reference_data),
208 fft_freqs_rec = numpy.fft.rfftfreq(len(rec_data), 1.0 / sample_rate)
  /external/ltp/testcases/realtime/tools/
ftqviz.py 28 from numpy.fft import *
54 X = abs(fftshift(fft(x)))
71 # interpolate the data to achieve a uniform sample rate for use in the fft
89 # generate the fft
109 # plot the fft
116 title("FFT")

Completed in 575 milliseconds

1 2 3 4 5 6 7