Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
Projects in Awesome Lists tagged with fast-fourier-transform
A curated list of projects in awesome lists tagged with fast-fourier-transform .
https://github.com/smacke/ffsubsync
Automagically synchronize subtitles with video.
alignment audio caption captions fast-fourier-transform ffmpeg fft speech-detection srt srt-subtitles string-alignment subtitle subtitles sync synchronization vad video vlc vlc-media-player voice-activity-detection
Last synced: 06 Jan 2025
https://github.com/cpmech/gosl
Linear algebra, eigenvalues, FFT, Bessel, elliptic, orthogonal polys, geometry, NURBS, numerical quadrature, 3D transfinite interpolation, random numbers, Mersenne twister, probability distributions, optimisation, differential equations.
computational-geometry differential-equations eigenvalues eigenvectors fast-fourier-transform linear-algebra linear-programming mersenne-twister optimization parallel-computations scientific-computing sparse-systems
Last synced: 08 Jan 2025
https://github.com/kfrlib/kfr
Fast, modern C++ DSP framework, FFT, Sample Rate Conversion, FIR/IIR/Biquad Filters (SSE, AVX, AVX-512, ARM NEON)
audio audio-processing avx avx512 clang cplusplus cplusplus-14 cplusplus-17 cpp14 cpp17 cxx dft digital-signal-processing discrete-fourier-transform dsp fast-fourier-transform fft header-only simd
Last synced: 09 Jan 2025
https://github.com/maratyszcza/nnpack
Acceleration package for neural networks on multi-core CPUs
convolutional-layers cpu fast-fourier-transform high-performance high-performance-computing inference matrix-multiplication multithreading neural-network neural-networks simd winograd-transform
Last synced: 09 Jan 2025
https://github.com/Maratyszcza/NNPACK
Acceleration package for neural networks on multi-core CPUs
convolutional-layers cpu fast-fourier-transform high-performance high-performance-computing inference matrix-multiplication multithreading neural-network neural-networks simd winograd-transform
Last synced: 27 Oct 2024
https://github.com/hukenovs/dsp-theory
Theory of digital signal processing (DSP): signals, filtration (IIR, FIR, CIC, MAF), transforms (FFT, DFT, Hilbert, Z-transform) etc.
convolution digital-signal-processing dsp fast-fourier-transform fft finite-impulse-response fir fpga lectures lessons numpy numpy-tutorial python scipy tutorial
Last synced: 03 Jan 2025
https://github.com/spatialaudio/signals-and-systems-lecture
Continuous- and Discrete-Time Signals and Systems - Theory and Computational Examples
bachelors-course discrete-fourrier-transform fast-fourier-transform fourier-transform ipython jupyter laplace-transform linear-time-invariant notebook open-education open-education-resources open-educational-resources signal signal-processing signals signals-and-systems systems z-transform
Last synced: 05 Jan 2025
https://github.com/hukenovs/intfftk
Fully pipelined Integer Scaled / Unscaled Radix-2 Forward/Inverse Fast Fourier Transform (FFT) IP-core for newest Xilinx FPGAs (Source language - VHDL / Verilog). GNU GPL 3.0.
altera cooley-tukey-fft digital-signal-processing dsp fast-convolutions fast-fourier-transform fft fpga integer-arithmetic radix-2 route-optimization verilog vhdl vivado xilinx
Last synced: 19 Nov 2024
https://github.com/fortran-lang/fftpack
Double precision version of fftpack
fast-fourier-transform fft fft-library fftpack fortran-library fortran-package-manager
Last synced: 30 Dec 2024
https://github.com/denosaurs/neo
👩‍💻 Matrix and other math, accelerated by WebGPU and WASM
deno fast-fourier-transform fft gpgpu gpu hacktoberfest javascript linear-algebra machine-learning matrix ndarray neural-network wasm webassembly webgpu wgsl
Last synced: 10 Oct 2024
https://github.com/hukenovs/fp23fftk
Floating point Forward/Inverse Fast Fourier Transform (FFT) IP-core for newest Xilinx FPGAs (Source lang. - VHDL).
altera chirp convolution convolution-filter cooley-tukey-fft digital-signal-processing dsp fast-convolutions fast-fourier-transform fft floating-point fpga frequency-analysis ieee754 matlab octave radix-2 verilog vhdl xilinx
Last synced: 19 Nov 2024
https://github.com/samson-mano/fast_fourier_transform
C# implementation of Cooley–Tukey's FFT algorithm.
cooley-tukey cooley-tukey-fft data-processing fast-fourier-transform fft fft-analysis fourier-transform frequency-domain time-domain
Last synced: 07 Nov 2024
https://github.com/tavurth/godot-fft
Fast Fourier Transform in GDScript
fast-fourier-transform fft godot godotengine
Last synced: 02 Nov 2024
https://github.com/marianhlavac/fft-cuda
Fast Fourier Transform implementation, computable on CUDA platform. Seminar project for MI-PRC course at FIT CTU.
c-plus-plus coursework cuda fast-fourier-transform fit-ctu nvidia python
Last synced: 08 Nov 2024
https://github.com/hukenovs/math
Useful m-scripts for DSP (CIC, FIR, FFT, Fast convolution, Partial Filters etc.)
cic digital-signal-processing dsp fast-convolutions fast-fourier-transform fft fir fpga m-scripts math matlab octave verilog vhdl
Last synced: 19 Nov 2024
https://github.com/sdiehl/galois-fft
Finite field polynomial arithmetic based on fast Fourier transforms
discrete-fourier-transform fast-fourier-transform finite-fields galois-field lagrange-interpolation polynomial-interpolation polynomial-multiplication
Last synced: 21 Nov 2024
https://github.com/dyalog/math
Math workspace and libraries for Dyalog APL
dyalog-apl dyalog-library eigen eigen-vector-decomposition eigenvalues eigenvectors fast-fourier-transform fftw lapack library math math-workspace mathematics namespace
Last synced: 12 Nov 2024
https://github.com/gtiwari333/speech-recognition-java-hidden-markov-model-vq-mfcc
Automatically exported from code.google.com/p/speech-recognition-java-hidden-markov-model-vq-mfcc
audio-recorder fast-fourier-transform hidden-markov-model java java-sound-api java-speech-recognition k-means-clustering k-means-clustering-java speech-recognition vector-quantization
Last synced: 12 Oct 2024
https://github.com/akinomyoga/otfft
Fork: OTFFT-6.5 (OK Ojisan's Template FFT) - a C++ Template-based Fast Fourier Transform Library
bluestein-fft fast-fourier-transform fft stockham-fft
Last synced: 15 Oct 2024
https://github.com/shadyboukhary/gpu-research-fft-openacc-cuda
Case studies constitute a modern interdisciplinary and valuable teaching practice which plays a critical and fundamental role in the development of new skills and the formation of new knowledge. This research studies the behavior and performance of two interdisciplinary and widely adopted scientific kernels, a Fast Fourier Transform and Matrix Multiplication. Both routines are implemented in the two current most popular many-core programming models CUDA and OpenACC. A Fast Fourier Transform (FFT) samples a signal over a period of time and divides it into its frequency components, computing the Discrete Fourier Transform (DFT) of a sequence. Unlike the traditional approach to computing a DFT, FFT algorithms reduce the complexity of the problem from O(n2) to O(nLog2n). Matrix multiplication is a cornerstone routine in Mathematics, Artificial Intelligence and Machine Learning. This research also shows that the nature of the problem plays a crucial role in determining what many-core model will provide the highest benefit in performance.
acceleration cuda fast-fourier-transform fft gpu-acceleration gpu-computing gpu-programming nvcc openacc parallel-computing pgi pgi-compiler radix-2
Last synced: 09 Nov 2024
https://github.com/certik/ffte
FFTE: A Fast Fourier Transform Package (Official tarballs are unpacked into master as commits)
fast-fourier-transform fft fortran gpu-acceleration high-performance-computing parallel-computing
Last synced: 06 Dec 2024
https://github.com/harismuneer/audio-and-fft-plots
🔊 A Matlab application which makes the Audio Plot (Amplitude vs Time) and Fast Fourier Transform Plot (FFT) for a given sound file.
amplitude-plot amplitude-vs-time-sound-plot audio-plot audio-plots audio-plotting audio-processing fast-fourier-transform graphical-interface gui-application matlab matlab-application matlab-audio matlab-gui open-source-project sound-plot
Last synced: 12 Nov 2024
https://github.com/dfm/python-finufft
Python bindings for the Flatiron Institute Non-Uniform Fast Fourier Transform library
fast-fourier-transform fourier-analysis python time-series
Last synced: 15 Oct 2024
https://github.com/rorysroes/fast_algorithm_fps_ssa
Implement F-DST to solve 2-D PDE(fast poisson solver) and FFT to compute Multiplication algorithm(Schönhage–Strassen algorithm) with C
algorithm butterfly-structures cpp discrete-fourier-transform fast-fourier-transform fft fps multiplication-algorithm numerical-methods pde poisson-equation
Last synced: 21 Dec 2024
https://github.com/francoisschwarzentruber/fft
Pedagogical tool for explaning Fast Fourier Transform
algorithm divide-and-conquer education educational-project fast-fourier-transform fft
Last synced: 16 Oct 2024
https://github.com/stefan-zobel/fft
Fast Fourier transform (FFT) using the Cooley–Tukey algorithm for power-of-two sizes and Bluestein's algorithm for non-power-of-two sizes.
bluestein fast-fourier-transform fft fft-algorithm java
Last synced: 15 Nov 2024
https://github.com/vasilescur/focusfriend
Hackathon project: ADHD treatment using real-time brainwave biofeedback.
biofeedback eeg fast-fourier-transform muse-headband osc python
Last synced: 16 Nov 2024
https://github.com/rorysroes/fast_algorithm_fft
Implement Cooley–Tukey FFT algorithm with C
bit-reversal butterfly-structures discrete-fourier-transform fast-fourier-transform fft quicksort-algorithm
Last synced: 21 Dec 2024
https://github.com/patrickshaw/psychoacoustic-encoder
A basic psychoacoustic encoder that removes simplifies signals by removing components in Discrete Fourier Transforms.
compression discrete-fourrier-transform encoding fast-fourier-transform psychoacoustics sound
Last synced: 17 Dec 2024
https://github.com/demon-2-angel/fourier_transform_image_processing
This repository tells you about uses of Fourier Transform in the Image -processing.
fast-fourier-transform fourier-transform image-processing low-frequency-filtering
Last synced: 14 Dec 2024
https://github.com/ksasso1028/indi-debanding
Image Debanding using Inversion by Direct Iteration
autoencoder cnn debanding diffusion diffusion-models fast fast-fourier-transform fourier-transform image-debanding image-restoration indi inversion open-source opencv pytorch pytorch-lightning restoration unet unet-pytorch
Last synced: 05 Nov 2024
https://github.com/blegat/lsinc1113
Course material for the course LSINC1113 at UCLouvain
automatic-differentiation fast-fourier-transform graph-theory multivariate-calculus number-theory
Last synced: 14 Dec 2024
https://github.com/shreyasbapat/fouriernet-keras
Keras implementation of deep network to find Fourier transform of an image
fast-fourier-transform fourier-transform keras
Last synced: 10 Dec 2024
https://github.com/hrichharms/cooley-tukey_fft
Radix-2 Out-of-Place DIT FFT Algorithm for 1D Real Input
cooley-tukey-fft fast-fourier-transform fourier-transform
Last synced: 22 Dec 2024
https://github.com/mendzmartin/fiscomp2022
Materials developed to Computational Physics course.
brownian-dynamics-simulation chaos differential-equations fast-fourier-transform hyper-sphere integration lennard-jones-fluid logistic-map molecular-dynamics-simulation monte-carlo-simulation partial-differential-equations random-number-generators random-walk
Last synced: 02 Dec 2024
https://github.com/tom-weatherhead/thaw-dsp
Digital signal processing algorithms implemented in TypeScript.
digital-signal-processing discrete-cosine-transform dsp fast-fourier-transform fft jpeg
Last synced: 17 Nov 2024
https://github.com/rozhanmk/audio-processing
audio-processing fast-fourier-transform noise-reduction
Last synced: 21 Nov 2024
https://github.com/ratwolfzero/fft
Demonstartion how to use Fast Fourier Transform (FFT) with Python
fast-fourier-transform fft fourier-transform
Last synced: 22 Dec 2024
https://github.com/cuda-chen/ms2fft
fast-fourier-transform seismic-data seismology
Last synced: 04 Dec 2024
https://github.com/longluo/fft
Fast Fourier Transform Algorithm / Number Theoretic Transform
cpp fast-fourier-transform fft fourier-analysis fourier-series fourier-transform java ntt number-theoretic-transform
Last synced: 06 Jan 2025
https://github.com/yannick-kees/audio-signal-processing
Applied methods of Fourier Analysis
fast-fourier-transform fourier-decomposition fourier-series fourier-transform
Last synced: 23 Nov 2024
https://github.com/peterajhgraham/fft_tool
Fast Fourier Transform (FFT) Tool using Python along with Numpy & Numba Libraries.
computer-vision fast-fourier-transform
Last synced: 24 Dec 2024
https://github.com/hrichharms/haskell-fft
Radix-2 Cooley-Tukey algorithm implementation in Haskell
cooley-tukey cooley-tukey-fft fast-fourier-transform fourier-transform
Last synced: 22 Dec 2024
https://github.com/ostad-ai/computer-science
Computer Science and related topics are the main focus of this repository. Mainly, Python language is used here.
algorithms computer-science cramers-rule divide-and-conquer dynamic-programming fast-fourier-transform linked-list matrix-inversion python root-finding
Last synced: 23 Nov 2024