/external/eigen/unsupported/test/ |
D | cxx11_tensor_ifft.cpp | 22 array<int, 1> fft; in test_1D_fft_ifft_invariant() local 23 fft[0] = 0; in test_1D_fft_ifft_invariant() 28 tensor_after_fft = tensor.template fft<Eigen::BothParts, Eigen::FFT_FORWARD>(fft); in test_1D_fft_ifft_invariant() 29 tensor_after_fft_ifft = tensor_after_fft.template fft<Eigen::BothParts, Eigen::FFT_REVERSE>(fft); in test_1D_fft_ifft_invariant() 44 array<int, 2> fft; in test_2D_fft_ifft_invariant() local 45 fft[0] = 0; in test_2D_fft_ifft_invariant() 46 fft[1] = 1; in test_2D_fft_ifft_invariant() 51 tensor_after_fft = tensor.template fft<Eigen::BothParts, Eigen::FFT_FORWARD>(fft); in test_2D_fft_ifft_invariant() 52 tensor_after_fft_ifft = tensor_after_fft.template fft<Eigen::BothParts, Eigen::FFT_REVERSE>(fft); in test_2D_fft_ifft_invariant() 72 array<int, 3> fft; in test_3D_fft_ifft_invariant() local [all …]
|
D | cxx11_tensor_fft.cpp | 25 array<ptrdiff_t, 2> fft; in test_fft_2D_golden() local 26 fft[0] = 0; in test_fft_2D_golden() 27 fft[1] = 1; in test_fft_2D_golden() 29 …omplex<float>, 2, DataLayout> output = input.template fft<Eigen::BothParts, Eigen::FFT_FORWARD>(ff… in test_fft_2D_golden() 67 array<ptrdiff_t, 1> fft; in test_fft_complex_input_golden() local 68 fft[0] = 0; in test_fft_complex_input_golden() 70 …d::complex<float>, 1, ColMajor> forward_output_both_parts = input.fft<BothParts, FFT_FORWARD>(fft); in test_fft_complex_input_golden() 71 …d::complex<float>, 1, ColMajor> reverse_output_both_parts = input.fft<BothParts, FFT_REVERSE>(fft); in test_fft_complex_input_golden() 73 Tensor<float, 1, ColMajor> forward_output_real_part = input.fft<RealPart, FFT_FORWARD>(fft); in test_fft_complex_input_golden() 74 Tensor<float, 1, ColMajor> reverse_output_real_part = input.fft<RealPart, FFT_REVERSE>(fft); in test_fft_complex_input_golden() [all …]
|
D | FFTW.cpp | 85 FFT<T> fft; in test_scalar_generic() local 93 fft.SetFlag(fft.HalfSpectrum ); in test_scalar_generic() 94 fft.fwd( freqBuf,tbuf); in test_scalar_generic() 98 fft.ClearFlag(fft.HalfSpectrum ); in test_scalar_generic() 99 fft.fwd( freqBuf,tbuf); in test_scalar_generic() 107 fft.inv( tbuf2 , freqBuf); in test_scalar_generic() 113 fft.SetFlag(fft.Unscaled); in test_scalar_generic() 115 fft.inv( tbuf3 , freqBuf); in test_scalar_generic() 127 fft.ClearFlag(fft.Unscaled); in test_scalar_generic() 128 fft.inv( tbuf2 , freqBuf); in test_scalar_generic() [all …]
|
/external/webrtc/modules/audio_processing/aec3/ |
D | aec3_fft_unittest.cc | 24 Aec3Fft fft; in TEST() local 26 EXPECT_DEATH(fft.Fft(nullptr, &X), ""); in TEST() 31 Aec3Fft fft; in TEST() local 33 EXPECT_DEATH(fft.Fft(&x, nullptr), ""); in TEST() 38 Aec3Fft fft; in TEST() local 40 EXPECT_DEATH(fft.Ifft(X, nullptr), ""); in TEST() 45 Aec3Fft fft; in TEST() local 47 EXPECT_DEATH(fft.ZeroPaddedFft(x, Aec3Fft::Window::kRectangular, nullptr), in TEST() 53 Aec3Fft fft; in TEST() local 56 EXPECT_DEATH(fft.ZeroPaddedFft(x, Aec3Fft::Window::kRectangular, &X), ""); in TEST() [all …]
|
D | aec3_fft.cc | 92 std::array<float, kFftLength> fft; in ZeroPaddedFft() local 93 std::fill(fft.begin(), fft.begin() + kFftLengthBy2, 0.f); in ZeroPaddedFft() 96 std::copy(x.begin(), x.end(), fft.begin() + kFftLengthBy2); in ZeroPaddedFft() 100 fft.begin() + kFftLengthBy2, in ZeroPaddedFft() 110 Fft(&fft, X); in ZeroPaddedFft() 120 std::array<float, kFftLength> fft; in PaddedFft() local 124 std::copy(x_old.begin(), x_old.end(), fft.begin()); in PaddedFft() 125 std::copy(x.begin(), x.end(), fft.begin() + x_old.size()); in PaddedFft() 132 fft.begin(), std::multiplies<float>()); in PaddedFft() 135 fft.begin() + x_old.size(), std::multiplies<float>()); in PaddedFft() [all …]
|
/external/tensorflow/tensorflow/stream_executor/ |
D | fft.h | 58 namespace fft { 214 std::unique_ptr<fft::Plan> Create1dPlan(Stream *stream, uint64 num_x, \ 215 fft::Type type, bool in_place_fft) \ 217 std::unique_ptr<fft::Plan> Create2dPlan(Stream *stream, uint64 num_x, \ 218 uint64 num_y, fft::Type type, \ 220 std::unique_ptr<fft::Plan> Create3dPlan( \ 222 fft::Type type, bool in_place_fft) override; \ 223 std::unique_ptr<fft::Plan> Create1dPlanWithScratchAllocator( \ 224 Stream *stream, uint64 num_x, fft::Type type, bool in_place_fft, \ 226 std::unique_ptr<fft::Plan> Create2dPlanWithScratchAllocator( \ [all …]
|
/external/tensorflow/tensorflow/compiler/xla/service/gpu/ |
D | fft_thunk.cc | 63 se::fft::Type FftTypeToSeType(FftType type, bool double_precision) { in FftTypeToSeType() 66 return double_precision ? se::fft::Type::kZ2ZForward in FftTypeToSeType() 67 : se::fft::Type::kC2CForward; in FftTypeToSeType() 69 return double_precision ? se::fft::Type::kZ2ZInverse in FftTypeToSeType() 70 : se::fft::Type::kC2CInverse; in FftTypeToSeType() 72 return double_precision ? se::fft::Type::kZ2D : se::fft::Type::kC2R; in FftTypeToSeType() 74 return double_precision ? se::fft::Type::kD2Z : se::fft::Type::kR2C; in FftTypeToSeType() 80 string FftTypeToString(se::fft::Type type) { in FftTypeToString() 82 case se::fft::Type::kC2CForward: in FftTypeToString() 83 case se::fft::Type::kZ2ZForward: in FftTypeToString() [all …]
|
/external/tensorflow/tensorflow/stream_executor/cuda/ |
D | cuda_fft.cc | 43 cufftType CUDAFftType(fft::Type type) { in CUDAFftType() 45 case fft::Type::kC2CForward: in CUDAFftType() 46 case fft::Type::kC2CInverse: in CUDAFftType() 48 case fft::Type::kC2R: in CUDAFftType() 50 case fft::Type::kR2C: in CUDAFftType() 52 case fft::Type::kZ2ZForward: in CUDAFftType() 53 case fft::Type::kZ2ZInverse: in CUDAFftType() 55 case fft::Type::kZ2D: in CUDAFftType() 57 case fft::Type::kD2Z: in CUDAFftType() 81 fft::Type type, int batch_count, ScratchAllocator *scratch_allocator) { in Initialize() [all …]
|
D | cuda_fft.h | 45 class CUDAFftPlan : public fft::Plan { 50 fft_type_(fft::Type::kInvalid), in CUDAFftPlan() 72 uint64 output_distance, fft::Type type, 77 uint64* elem_count, fft::Type type, 91 fft::Type fft_type_; 109 class CUDAFft : public fft::FftSupport { 123 bool DoFftWithDirectionInternal(Stream *stream, fft::Plan *plan, 131 bool DoFftInternal(Stream *stream, fft::Plan *plan, FuncT cufft_exec,
|
/external/tensorflow/tensorflow/stream_executor/rocm/ |
D | rocm_fft.cc | 124 hipfftType ROCMFftType(fft::Type type) { in ROCMFftType() 126 case fft::Type::kC2CForward: in ROCMFftType() 127 case fft::Type::kC2CInverse: in ROCMFftType() 129 case fft::Type::kC2R: in ROCMFftType() 131 case fft::Type::kR2C: in ROCMFftType() 133 case fft::Type::kZ2ZForward: in ROCMFftType() 134 case fft::Type::kZ2ZInverse: in ROCMFftType() 136 case fft::Type::kZ2D: in ROCMFftType() 138 case fft::Type::kD2Z: in ROCMFftType() 161 fft::Type type, int batch_count, ScratchAllocator *scratch_allocator) { in Initialize() [all …]
|
D | rocm_fft.h | 45 class ROCMFftPlan : public fft::Plan { 50 fft_type_(fft::Type::kInvalid), in ROCMFftPlan() 71 uint64 output_distance, fft::Type type, 76 uint64 *elem_count, fft::Type type, 88 fft::Type fft_type_; 105 class ROCMFft : public fft::FftSupport { 119 bool DoFftWithDirectionInternal(Stream *stream, fft::Plan *plan, 127 bool DoFftInternal(Stream *stream, fft::Plan *plan, FuncT hipfft_exec,
|
/external/webrtc/common_audio/signal_processing/ |
D | real_fft_unittest.cc | 36 RealFFT* fft = WebRtcSpl_CreateRealFFT(11); in TEST() local 37 EXPECT_TRUE(fft == nullptr); in TEST() 38 fft = WebRtcSpl_CreateRealFFT(-1); in TEST() 39 EXPECT_TRUE(fft == nullptr); in TEST() 58 RealFFT* fft = WebRtcSpl_CreateRealFFT(kOrder); in TEST() local 59 EXPECT_TRUE(fft != nullptr); in TEST() 60 EXPECT_EQ(0, WebRtcSpl_RealForwardFFT(fft, real_fft_time, real_fft_freq)); in TEST() 79 int real_scale = WebRtcSpl_RealInverseFFT(fft, real_fft_freq, real_fft_time); in TEST() 94 WebRtcSpl_FreeRealFFT(fft); in TEST()
|
/external/aac/libFDK/src/ |
D | FDK_hybrid.cpp | 557 FIXP_DBL fft[8]; in fourChannelFiltering() local 581 fft[FFT_IDX_R(0)] = in fourChannelFiltering() 588 fft[FFT_IDX_I(0)] = in fourChannelFiltering() 597 fft[FFT_IDX_R(1)] = in fourChannelFiltering() 604 fft[FFT_IDX_I(1)] = in fourChannelFiltering() 613 fft[FFT_IDX_R(2)] = in fourChannelFiltering() 622 fft[FFT_IDX_I(2)] = in fourChannelFiltering() 632 fft[FFT_IDX_R(3)] = in fourChannelFiltering() 639 fft[FFT_IDX_I(3)] = in fourChannelFiltering() 656 mHybridReal[0] = fft[FFT_IDX_R(0)] + fft[FFT_IDX_R(1)] + fft[FFT_IDX_R(2)] + in fourChannelFiltering() [all …]
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | fft_test.py | 108 self._VerifyFftMethod(INNER_DIMS_1D, lambda x: x, np.fft.fft, 109 signal.fft) 112 self._VerifyFftMethod(INNER_DIMS_2D, lambda x: x, np.fft.fft2, 117 lambda x: np.fft.fftn(x, axes=(-3, -2, -1)), 121 self._VerifyFftMethod(INNER_DIMS_1D, lambda x: x, np.fft.ifft, 125 self._VerifyFftMethod(INNER_DIMS_2D, lambda x: x, np.fft.ifft2, 130 lambda x: np.fft.ifftn(x, axes=(-3, -2, -1)), 136 return np.fft.rfft(x, n=x.shape[-1]) 150 lambda x: np.fft.rfft2(x, s=[x.shape[-2], x.shape[-1]]), _tf_fn) 155 return np.fft.rfftn( [all …]
|
/external/eigen/bench/ |
D | benchFFT.cpp | 51 FFT< Scalar > fft; in bench() local 54 fft.SetFlag(fft.Unscaled); in bench() 58 fft.SetFlag(fft.HalfSpectrum); in bench() 64 fft.fwd( outbuf , inbuf); in bench() 72 fft.fwd( outbuf , inbuf); in bench() 75 fft.inv(inbuf,outbuf); in bench()
|
/external/pffft/ |
D | test_pffft.cpp | 72 Fft fft = Fft(N); // instantiate and prepareLength() for length N in Ttest() local 78 auto X = fft.valueVector(); // for X = input vector in Ttest() 79 pffft::AlignedVector<typename Fft::Complex> Y = fft.spectrumVector(); // for Y = forward(X) in Ttest() 80 …pffft::AlignedVector<FftScalar> R = fft.internalLayoutVector(); // for R = forwardInternalLayout(X) in Ttest() 81 pffft::AlignedVector<T> Z = fft.valueVector(); // for Z = inverse(Y) = inverse( forward(X) ) in Ttest() 86 pffft::AlignedVector<T> X = fft.valueVector(); // for X = input vector in Ttest() 87 pffft::AlignedVector<FftComplex> Y = fft.spectrumVector(); // for Y = forward(X) in Ttest() 88 …pffft::AlignedVector<typename Fft::Scalar> R = fft.internalLayoutVector(); // for R = forwardInte… in Ttest() 89 pffft::AlignedVector<T> Z = fft.valueVector(); // for Z = inverse(Y) = inverse( forward(X) ) in Ttest() 136 fft.forward(X, Y); in Ttest() [all …]
|
/external/tensorflow/tensorflow/lite/experimental/microfrontend/lib/ |
D | frontend.c | 37 FftCompute(&state->fft, state->window.output, input_shift); in FrontendProcessSamples() 40 int32_t* energy = (int32_t*)state->fft.output; in FrontendProcessSamples() 42 FilterbankConvertFftComplexToEnergy(&state->filterbank, state->fft.output, in FrontendProcessSamples() 57 MostSignificantBit32(state->fft.fft_size) - 1 - (kFilterbankBits / 2); in FrontendProcessSamples() 69 FftReset(&state->fft); in FrontendReset()
|
D | frontend_util.c | 39 if (!FftPopulateState(&state->fft, state->window.size)) { in FrontendPopulateState() 43 FftInit(&state->fft); in FrontendPopulateState() 46 sample_rate, state->fft.fft_size / 2 + 1)) { in FrontendPopulateState() 59 MostSignificantBit32(state->fft.fft_size) - 1 - (kFilterbankBits / 2); in FrontendPopulateState() 81 FftFreeStateContents(&state->fft); in FrontendFreeStateContents()
|
/external/speex/libspeexdsp/ |
D | echo_diagnostic.m | 21 corr = real(ifft(fft(rec).*conj(fft(play)))); 22 acorr = real(ifft(fft(play).*conj(fft(play)))); 40 corr1 = real(ifft(fft(rec(1:N2)).*conj(fft(play(1:N2))))); 41 corr2 = real(ifft(fft(rec(N2+1:end)).*conj(fft(play(N2+1:end)))));
|
/external/libaom/libaom/test/ |
D | fft_test.cc | 32 void fft(const InputType *data, std::complex<float> *result, int n) { in fft() function 42 fft(&temp[0], result, n / 2); in fft() 43 fft(&temp[n / 2], result + n / 2, n / 2); in fft() 68 fft(input + y * n, &rowfft[y * n], n); in fft2d() 72 fft(&rowfft[y * n], &result[y * n], n); in fft2d() 80 void (*fft)(const float *input, float *temp, float *output); member 81 FFTTestArg(int n_in, tform_fun_t fft_in) : n(n_in), fft(fft_in) {} in FFTTestArg() 85 return os << "fft_arg { n:" << test_arg.n << " fft:" << test_arg.fft << " }"; in operator <<() 114 GetParam().fft(&input_[0], &temp_[0], &output_[0]); in TEST_P() 131 GetParam().fft(&input_[0], &temp_[0], &output_[0]); in TEST_P()
|
/external/tensorflow/third_party/fft2d/ |
D | BUILD | 11 # See fft/readme.txt 19 "fft.h", 27 "fft.h", 36 "fft.h",
|
/external/tflite-support/third_party/fft2d/ |
D | BUILD | 11 # See fft/readme.txt 19 "fft.h", 27 "fft.h", 36 "fft.h",
|
/external/tensorflow/tensorflow/core/api_def/python_api/ |
D | api_def_FFT.pbtxt | 4 name: "signal.fft" 7 name: "spectral.fft" 11 name: "fft"
|
/external/apache-commons-math/src/main/java/org/apache/commons/math/transform/ |
D | FastFourierTransformer.java | 75 return fft(f, false); in transform() 97 return fft(data, false); in transform() 113 return fft(f); in transform() 130 return scaleArray(fft(f, false), scaling_coefficient); in transform2() 154 return scaleArray(fft(data, false), scaling_coefficient); in transform2() 172 return scaleArray(fft(f), scaling_coefficient); in transform2() 189 return scaleArray(fft(f, true), scaling_coefficient); in inversetransform() 213 return scaleArray(fft(data, true), scaling_coefficient); in inversetransform() 231 return scaleArray(fft(f), scaling_coefficient); in inversetransform() 248 return scaleArray(fft(f, true), scaling_coefficient); in inversetransform2() [all …]
|
/external/webrtc/modules/audio_processing/aecm/ |
D | aecm_core_c.cc | 175 int16_t* fft, in WindowAndFFT() argument 186 fft[i] = (int16_t)((scaled_time_signal * WebRtcAecm_kSqrtHanning[i]) >> 14); in WindowAndFFT() 188 fft[PART_LEN + i] = (int16_t)( in WindowAndFFT() 194 WebRtcSpl_RealForwardFFT(aecm->real_fft, fft, (int16_t*)freq_signal); in WindowAndFFT() 201 int16_t* fft, in InverseFFTAndWindow() argument 213 fft[j] = efw[i].real; in InverseFFTAndWindow() 214 fft[j + 1] = -efw[i].imag; in InverseFFTAndWindow() 216 fft[0] = efw[0].real; in InverseFFTAndWindow() 217 fft[1] = -efw[0].imag; in InverseFFTAndWindow() 219 fft[PART_LEN2] = efw[PART_LEN].real; in InverseFFTAndWindow() [all …]
|