Searched refs:fft (Results 1 - 25 of 37) sorted by relevance

12

/external/webrtc/webrtc/common_audio/signal_processing/
H A Dreal_fft_unittest.cc45 RealFFT* fft = WebRtcSpl_CreateRealFFT(11); local
46 EXPECT_TRUE(fft == NULL);
47 fft = WebRtcSpl_CreateRealFFT(-1);
48 EXPECT_TRUE(fft == NULL);
67 RealFFT* fft = WebRtcSpl_CreateRealFFT(kOrder); local
68 EXPECT_TRUE(fft != NULL);
69 EXPECT_EQ(0, WebRtcSpl_RealForwardFFT(fft, real_fft_time, real_fft_freq));
88 int real_scale = WebRtcSpl_RealInverseFFT(fft, real_fft_freq, real_fft_time);
103 WebRtcSpl_FreeRealFFT(fft);
/external/eigen/unsupported/test/
H A Dcxx11_tensor_ifft.cpp22 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<Eige
72 array<int, 3> fft; local
104 array<int, 2> fft; local
[all...]
H A DFFTW.cpp85 FFT<T> fft; local
93 fft.SetFlag(fft.HalfSpectrum );
94 fft.fwd( freqBuf,tbuf);
98 fft.ClearFlag(fft.HalfSpectrum );
99 fft.fwd( freqBuf,tbuf);
107 fft.inv( tbuf2 , freqBuf);
113 fft.SetFlag(fft
146 FFT<T> fft; local
217 FFT<float> fft; local
[all...]
H A Dcxx11_tensor_fft.cpp25 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<BothPart
124 array<ptrdiff_t, 1> fft; local
195 array<ptrdiff_t, TensorRank> fft; local
[all...]
/external/eigen/bench/
H A DbenchFFT.cpp51 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);
/external/aac/libFDK/src/
H A DFDK_hybrid.cpp94 #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_
[all...]
H A Ddct.cpp104 #include "fft.h"
164 fft(M, tmp, pDat_e);
227 fft(M, tmp, pDat_e);
355 fft(M, pDat, pDat_e);
481 fft(M, pDat, pDat_e);
/external/eigen/unsupported/doc/examples/
H A DFFT.cpp82 static FFT<Scalar> fft; local
83 fft.fwd(freqbuf,timebuf);
86 fft.inv(timebuf2,freqbuf);
/external/webrtc/webrtc/modules/audio_processing/aecm/
H A Daecm_core_c.c66 int16_t* fft,
75 // transformation array |fft|
77 fft[i] = (int16_t)((scaled_time_signal * WebRtcAecm_kSqrtHanning[i]) >> 14);
79 fft[PART_LEN + i] = (int16_t)((
85 WebRtcSpl_RealForwardFFT(aecm->real_fft, fft, (int16_t*)freq_signal);
92 int16_t* fft,
99 // the contents to |fft|.
104 fft[j] = efw[i].real;
105 fft[j + 1] = -efw[i].imag;
107 fft[
65 WindowAndFFT(AecmCore* aecm, int16_t* fft, const int16_t* time_signal, ComplexInt16* freq_signal, int time_signal_scaling) argument
91 InverseFFTAndWindow(AecmCore* aecm, int16_t* fft, ComplexInt16* efw, int16_t* output, const int16_t* nearendClean) argument
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...]
H A Daecm_core_mips.c76 int16_t* fft,
88 memset(fft, 0, sizeof(int16_t) * PART_LEN4);
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);
161 pfrfi = fft;
75 WindowAndFFT(AecmCore* aecm, int16_t* fft, const int16_t* time_signal, ComplexInt16* freq_signal, int time_signal_scaling) argument
202 InverseFFTAndWindow(AecmCore* aecm, int16_t* fft, ComplexInt16* efw, int16_t* output, const int16_t* nearendClean) argument
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/
H A Dpsdec_hybrid.cpp87 #include "fft.h"
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]
277 m[10] = m[ 2] = fft[4]
278 m[11] = m[ 3] = fft[5]
279 m[12] = m[ 4] = fft[
383 FIXP_DBL *fft = (FIXP_DBL *)ALIGN_PTR(_fft); local
[all...]
/external/apache-commons-math/src/main/java/org/apache/commons/math/transform/
H A DFastFourierTransformer.java75 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);
213 return scaleArray(fft(data, true), scaling_coefficient);
231 return scaleArray(fft(f), scaling_coefficient);
248 return scaleArray(fft(
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/
H A Daec_core_mips.c448 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] "
[all...]
H A Daec_core.c221 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[
408 SubbandCoherence(AecCore* aec, float efw[2][PART_LEN1], float dfw[2][PART_LEN1], float xfw[2][PART_LEN1], float* fft, float* cohde, float* cohxd, int* extreme_filter_divergence) argument
1009 float fft[PART_LEN2]; local
1247 float fft[PART_LEN2]; local
[all...]
H A Daec_core_neon.c195 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);
675 SubbandCoherenceNEON(AecCore* aec, float efw[2][PART_LEN1], float dfw[2][PART_LEN1], float xfw[2][PART_LEN1], float* fft, float* cohde, float* cohxd, int* extreme_filter_divergence) argument
[all...]
H A Daec_core_sse2.c157 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);
661 SubbandCoherenceSSE2(AecCore* aec, float efw[2][PART_LEN1], float dfw[2][PART_LEN1], float xfw[2][PART_LEN1], float* fft, float* cohde, float* cohxd, int* extreme_filter_divergence) argument
[all...]
H A Daec_core_internal.h76 float xfBuf[2][kExtendedNumPartitions * PART_LEN1]; // farend fft buffer
77 float wfBuf[2][kExtendedNumPartitions * PART_LEN1]; // filter fft
80 // Farend windowed fft buffer.
213 float* fft,
/external/autotest/server/brillo/
H A Daudio_utils.py203 # 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/
H A Dftqviz.py28 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
/external/webrtc/webrtc/modules/audio_coding/codecs/isac/main/source/
H A DAndroid.mk31 fft.c \
/external/drrickorang/LoopbackApp/app/src/main/java/org/drrickorang/loopback/
H A DFFT.java62 public void fft(double[] x, double[] y, int sign) { method in class:FFT
/external/speex/libspeex/
H A Dfftwrap.c175 fftwf_plan fft; member in struct:fftw_config
186 table->fft = fftwf_plan_dft_r2c_1d(size, table->in, (fftwf_complex *) table->out, FFTW_PATIENT);
196 fftwf_destroy_plan(t->fft);
215 fftwf_execute(t->fft);
/external/aac/libFDK/include/
H A Dfft.h105 void fft(int length, FIXP_DBL *pInput, INT *scalefactor);
/external/webrtc/webrtc/modules/audio_coding/codecs/isac/fix/source/
H A DAndroid.mk33 fft.c \
/external/autotest/client/cros/audio/
H A Daudio_quality_measurement.py164 Xf = numpy.fft.fft(x, N, axis=axis)
177 x = numpy.fft.ifft(Xf * h, axis=axis)

Completed in 1608 milliseconds

12