FOSSEE Signal Processing Toolbox
- FOSSEE Signal Processing Toolbox
- ac2poly — Convert autocorrelation sequence to polynomial of prediction filter
- ac2rc — Convert autocorrelation sequence to reflection coefficients.
- arParEst —
- ar_psd — Calculate the power spectrum of the autoregressive model
- arburg — This function calculates coefficients of an autoregressive (AR) model of complex data.
- arch_fit — This functions fits an ARCH regression model to the time series Y using the scoring algorithm in Engle's original ARCH paper.
- arch_rnd — Simulate an ARCH sequence of length t with AR coefficients b and CH coefficients a.
- arch_test — perform a Lagrange Multiplier (LM) test of thenull hypothesis of no conditional heteroscedascity against the alternative of CH(P)
- arcov — Autoregressive all-pole model parameters — covariance method
- arma_rnd — Return a simulation of the ARMA model.
- armcov —
- aryule — This function fits an AR (p)-model with Yule-Walker estimates.
- autoreg_matrix — Given a time series (vector) Y, return a matrix with ones in the first column and the first K lagged values of Y in the other columns.
- barthannwin — This function returns the filter coefficients of a modified Bartlett-Hann window.
- bartlett — Generates a Bartlett window
- besselap — Return bessel analog filter prototype.
- besself — This function generates a Bessel filter.
- bilinear — Transform a s-plane filter specification into a z-plane specification
- bitrevorder —
- blackman — Generates a Blackman window
- blackmanharris — This function returns the filter coefficients of a Blackman-Harris window.
- blackmannuttall — This function returns the filter coefficients of a Blackman-Nuttall window.
- bohmanwin — This function returns the filter coefficients of a Bohman window.
- boxcar — This function returns the filter coefficients of a rectangular window.
- buffer — This function buffers the given data into a matrix of signal frames
- buttap — Design a lowpass analog Butterworth filter.
- butter — This function generates a Butterworth filter.
- buttord — /This function computes the minimum filter order of a Butterworth filter with the desired response characteristics.
- cceps — Return the complex cepstrum of the vector x
- cconv — [nargout,nargin]=argn();
- cell2sos — Converts a cell array to a second order section matrix
- cheb — Calculates the nth-order Chebyshev polynomial at the point x.
- cheb1ap — This function designs a lowpass analog Chebyshev type I filter.
- cheb1ord — This function computes the minimum filter order of a Chebyshev type I filter with the desired response characteristics.
- cheb2ap — This function designs a lowpass analog Chebyshev type II filter.
- cheb2ord — This function computes the minimum filter order of a Chebyshev type II filter with the desired response characteristics.
- chebwin — This function returns the filter coefficients of a Dolph-Chebyshev window.
- cheby1 — This function generates a Chebyshev type I filter with rp dB of passband ripple.
- cheby2 — This function generates a Chebyshev type II filter with rs dB of stopband attenuation.
- check — funcprot(0);
- chirp — This function evaluates a chirp signal at time t.
- cl2bp — Constrained L2 bandpass FIR filter design.
- clustersegment — This function calculates boundary indexes of clusters of 1’s.
- cmorwavf — funcprot(0);
- cohere — Estimate (mean square) coherence of signals "x" and "y"
- convmtx — n=double(n);
- corrmtx — Generate data matrix for autocorrelation matrix estimation
- cplxreal — Function to divide vector z into complex and real elements, removing the one of each complex conjugate pair.
- cpsd — This function estimates cross power spectrum of data x and y by the Welch (1967) periodogram/FFT method.
- cummax — Cumulative maximum
- cummin — Cumulative minimum
- czt — Chirp Z Transform
- db —
- db2pow —
- dctmtx —
- decimate — rhs = argn(2)
- detrend1 — This function removes the best fit of a polynomial of order P from the data X
- dftmtx —
- diffpara — Return the estimator D for the differencing parameter of an integrated time series
- diric —
- downsample — This function downsamples the signal by selecting every nth element.
- dst1 — Computes the type I discrete sine transform of x
- durbinlevinson — Perform one step of the Durbin-Levinson algorithm..
- dutycycle —
- dwt — Discrete wavelet transform (1D)
- ellip — This function generates an elliptic or Cauer filter with rp dB of passband ripple and rs dB of stopband attenuation.
- ellipap — Designs a lowpass analog elliptic filter.
- ellipord — This function computes the minimum filter order of an elliptic filter with the desired response characteristics.
- enbw —
- eqtflength — Modifies the input vector to give output vectors of the same length
- falltime —
- fft — Calculates the discrete Fourier transform of a matrix using Fast Fourier Transform algorithm.
- fft1 — Calculates the discrete Fourier transform of a matrix using Fast Fourier Transform algorithm.
- fft2 — Calculates the two-dimensional discrete Fourier transform of A using a Fast Fourier Transform algorithm.
- fft21 — Calculates the two-dimensional discrete Fourier transform of A using a Fast Fourier Transform algorithm.
- fftconv — Convolve two vectors using the FFT for computation.
- fftfilt — Performs FFT-based FIR filtering using overlap-add method
- fftn — This function computes the N-dimensional discrete Fourier transform of A using a Fast Fourier Transform (FFT) algorithm.
- fftshift1 — Perform a shift of the vector X, for use with the 'fft1' and 'ifft1' functions, in order the move the frequency 0 to the center of the vector or matrix.
- fftw1 — Manage FFTW wisdom data.
- fht — The Function calculates the Fast Hartley Transform of real input.
- filter1 — Apply a 1-D digital filter to the data X.
- filter2 — Apply the 2-D FIR filter B to X.
- filternorm — Calculates the L-2 norm or L-infinity norm of a digital filter
- filtfilt —
- filtic —
- filtord — and denominator coefficients, a.
- findpeaks — This function find peaks on DATA.
- fir1 — Produce an order N FIR filter with the given frequency cutoff, returning the N+1 filter coefficients in B.
- fir2 — Produce an order N FIR filter with arbitrary frequency response M over frequency bands F, returning the N+1 filter coefficients in B.
- firpmord — Parks-McClennan optimal FIR filter order estimation
- firtype — if (type(b)~=1) then
- flattopwin — This function returns the filter coefficients of a Flat Top window.
- fracshift — This function shifts the series x supplied as input argument by a number of samples d.
- fractdiff — Compute the fractional differences (1-L)^d x where L denotes the lag-operator and d is greater than -1.
- freqs — Compute the s-plane frequency response of the IIR filter.
- freqz — This function returns the complex frequency response H of the rational IIR filter whose numerator and denominator coefficients are B and A, respectively.
- fwhm — This function computes peak full width at half minimum or at another level of peak minimum for vector or matrix data y supplied as input.
- fwhmjlt — rhs = argn(2)
- fwht — Compute the Walsh-Hadamard transform of x using the Fast Walsh-Hadamard Transform (FWHT) algorithm
- gauspuls —
- gaussdesign — GAUSSDESIGN designs a Gaussian pulse-shaping filter which is a low pass FIR
- gaussian — This function returns a Gaussian convolution window.
- gausswin — This function returns the filter coefficients of a Gaussian window.
- gmonopuls —
- goertzel — Computes DFT using the second order Goertzel Algorithm
- grpdelay — This function computes the group delay of a filter.
- hamming — Return the filter coefficients of a Hamming window of length M
- hann — This function returns the filter coefficients of a Hanning window.
- hanning — Return the filter coefficients of a Hanning window of length M
- helperHarmonicDistortionAmplifier — helperHarmonicDistortionADC Helper function for HarmonicDistortionExample.m
- hilbert1 — Analytic extension of real valued signal.
- hurst — Estimate the Hurst parameter of sample X via the rescaled r statistic.
- icceps — ICCEPS computes the inverse cepstrum of a real-valued input. This spectrum
- idct1 — Compute the inverse discrete cosine transform of input.
- idct2 — This function computes the inverse 2-D discrete cosine transform of input matrix.
- idst1 — This function computes the inverse type I discrete sine transform.
- ifft — Calculates the inverse discrete Fourier transform of a matrix using Fast Fourier Transform algorithm.
- ifft1 — Calculates the inverse discrete Fourier transform of a matrix using Fast Fourier Transform algorithm.
- ifft2 — Calculates the inverse two-dimensional discrete Fourier transform of A using a Fast Fourier Transform algorithm.
- ifftn — Compute the inverse N-dimensional discrete Fourier transform of A using a Fast Fourier Transform (FFT) algorithm.
- ifftshift1 — Undo the action of the 'fftshift1' function.
- ifht — Calculate the inverse Fast Hartley Transform of real input D
- ifwht — Compute the inverse Walsh-Hadamard transform of x using the Fast Walsh-Hadamard Transform (FWHT) algorithm
- iirlp2mb — This function does IIR Low Pass Filter to Multiband Filter Transformation.
- impinvar — This function converts analog filter with coefficients b and a to digital, conserving impulse response.
- impz —
- impzlength — Impulse response length
- interp — function y = interp(x, q, n, Wc)
- intfilt —
- invfreq — Calculates inverse frequency vectors
- invfreqs — Fit filter B(s)/A(s)to the complex frequency response H at frequency points F. A and B are real polynomial coefficients of order nA and nB.
- invfreqz — Fit filter B(z)/A(z)to the complex frequency response H at frequency points F. A and B are real polynomial coefficients of order nA and nB.
- invimpinvar — This function converts digital filter with coefficients b and a to analog, conserving impulse response.
- is2rc — Convert inverse sine parameters to reflection coefficients
- isallpass — [nargout,nargin]=argn();
- isfir — [nargout,nargin]=argn();
- islinphase — [nargout,nargin]=argn();
- ismaxphase — [nargout,nargin]=argn();
- isminphase — [nargout,nargin]=argn();
- isstable — SOS matrix corresponds to [bi(1) bi(2) bi(3) ai(1) ai(2) ai(3)].
- kaiser — This function returns the filter coefficients of a Kaiser window.
- kaiserord — Return the parameters needed to produce a filter of the desired specification from a Kaiser window.
- lar2rc —
- latc2tf — Convert lattice filter parameters to transfer function coefficients
- latcfilt — function [f,g,zo]=latcfilt(k,x,v,zi,dim)
- latcfilt1 — function [f,g,zo]=latcfilt1(k,v,x,zi)
- levdown —
- levin — [ar,sigma2,rc]=lev(r)
- levinson —
- lpc — Linear prediction filter coefficients
- lsf2poly — lsf2poly function convert line spectral frequencies to prediction polynomial.
- mag2db — funcprot(0);
- marcumq — This function computes the generalized Marcum Q function of order m with noncentrality parameter a and argument b.
- medfilt1 — 1D median filtering
- mexihat —
- meyeraux —
- midcross —
- modulate — Modulates signal according to the modulation method
- morlet —
- movingrms —
- mscohere — It estimate (mean square) coherence of signals x and y.
- musicBase — Implements the core of the MUSIC algorithm
- ncauer — Analog prototype for Cauer filter.
- nnls — Non Negative Least Squares (nnls) for Ex=f with the constraint x>=0
- nuttallwin — This function returns the filter coefficients of a Blackman-Harris window.
- parzenwin — This function returns the filter coefficients of a Parzen window.
- pburg — Calculate Burg maximum-entropy power spectral density.
- pchip —
- pchips —
- peak2peak — funcprot(0);
- peak2rms — This function calculates the ratio of peak magnitude to the Root Mean Square(RMS) value.
- pei_tseng_notch —
- peig — Psuedospectrum using the eigenvector method.
- periodogram — Return the periodogram (Power Spectral Density) of X
- phaseInputParseAs_ab — fs=0;
- phaseInputParseAs_sos — fs=0;
- phasedelay — cas variable is 2 if sos form is involved and 1 if direct rational form is given
- phasez — cas variable is 2 if sos form is involved and 1 if direct rational form is given
- pmusic — Psuedospectrum using MUSIC algorithm
- poly2ac — Convert prediction polynomial to autocorrelation sequence.
- poly2lsf —
- poly2rc —
- polyscale — errcheck1
- polystab — This function stabilizes the polynomial transfer function.
- polyval —
- pow2db — rhs = argn(2)
- primitive — This function calculates the primitive of a given function supplied as input.
- prony —
- pulseperiod —
- pulsesep —
- pulsewidth —
- pulstran — This function generates the signal y = sum(func(t+d,...)) for each d.
- pwelch — Estimate power spectral density of data "x" by the Welch (1967) periodogram/FFT method.
- pyulear —
- qp_kaiser — Computes a finite impulse response (FIR) filter for use with a quasi-perfect reconstruction polyphase-network filter bank.
- rc2ac —
- rc2is — Convert reflection coefficients to inverse sine parameters
- rc2lar —
- rc2poly —
- rceps — Produce the cepstrum of the signal x, and if desired, the minimum phase reconstruction of the signal x.
- rcosdesign — RCOSDESIGN computes the raised cosine FIR filter
- rectpuls —
- rectwin — This function returns the filter coefficients of a rectangular window.
- remez1 — Parks-McClellan optimal FIR filter design
- resample — This function resamples in the input sequence x supplied by a factor of p/q.
- residued —
- residuez —
- risetime —
- rlevinson —
- rms — convert i/p values to their ascii values if they are of type char
- rooteig — Frequencies and power of sinusoids using eigenvector algorithm
- rootmusic — Frequencies and power of sinusoids using the root MUSIC algorithm
- rssq — This function calculates the square root of the sum of values of input vector IN.
- sampled2continuous — This function calculates the output reconstructed from the samples n supplied as input, at a rate of 1/s samples per unit time.
- sawtooth —
- schtrig — This function implements a multisignal Schmitt triggers with lev levels supplied as input.
- schurrc — narginchk(1,1,argn(2));
- seqperiod — Calculates the period of a sequence
- sftrans — Transform band edges of a generic lowpass filter (cutoff at W=1) represented in splane zero-pole-gain form.
- sgolay — This function computes the filter coefficients for all Savitzsky-Golay smoothing filters.
- sgolayfilt —
- shanwavf —
- shiftdata — Shifts data by rearranging dimensions
- sigmoid_train — Evaluate a train of sigmoid functions at T.
- sinetone — Return a sinetone of the input
- sinewave — Return an M-element vector with I-th element given by 'sin(2* pi *(I+D-1)/N).'
- slewrate —
- sos2cell — Converts a second order section matrix to a cell array
- sos2ss — [nargout,nargin]=argn();
- sos2tf — This function converts series second-order sections to direct H(z) = B(z)/A(z) form.
- sos2zp — This function converts series second-order sections to zeros, poles, and gains (pole residues).
- sosbreak — function for breaking a polynomial in second order polynomials (and an extra linear)
- sosfilt —
- specgram —
- spectral_adf — Return the spectral density estimator given a vector of autocovariances C, window name WIN, and bandwidth, B.
- spectral_xdf — Return the spectral density estimator given a data vector X, window name WIN, and bandwidth, B.
- spencer — Return Spencer's 15 point moving average of each column of X.
- ss2sos — not taking if, order and scale as input since they do not seem useful
- statelevels —
- stft — Compute the short-time Fourier transform of the vector X
- stmcb — function [b,a] = stmcb( x, u_in, q, p, niter, a_in )
- strips — Plots vector or matrix in strips
- subspaceMethodsInputParser — Input parser to be used by pmusic and peig
- synthesis — Compute a signal from its short-time Fourier transform
- tf2sos — This function converts direct-form filter coefficients to series second-order sections.
- tf2zp — [z,p,k]= tf2zp(b,a);
- tf2zpk — form
- tfe — Estimate transfer function of system with input "x" and output "y". Use the Welch (1967) periodogram/FFT method.
- tfestimate —
- transpose — funcprot(0);
- trial_iirlp2mb — B = varargin(1)
- triang — This function returns the filter coefficients of a triangular window.
- tripuls —
- truth — y = %t
- tukeywin — This function returns the filter coefficients of a Tukey window.
- udecode — Decodes the input uniformly quantized values
- uencode — Performs uniform quantization of the input into 2^n levels
- ultrwin — This function returns the coefficients of an Ultraspherical window.
- unshiftdata — Inverts the effect of shiftdata
- unwrap2 — Unwrap radian phases by adding or subtracting multiples of 2*pi.
- upfirdn — This function upsamples the input data, applies the FIR filter and then downsamples it.
- upsample — This function upsamples the signal, inserting n-1 zeros between every element.
- upsamplefill — This function upsamples a vector interleaving given values or copies of the vector elements.
- var —
- vco — Voltage Controlled Oscillator
- wconv — Performs 1D or 2D convolution.
- welchwin — This function returns the filter coefficients of a Welch window.
- window — This function creates an m-point window from the function f given as input.
- wkeep —
- wrev —
- xcorr1 — Estimates the cross-correlation.
- xcorr2 —
- xcov1 — Compute covariance at various lags [=correlation(x-mean(x),y-mean(y))].
- yulewalker — Fit an AR (p)-model with Yule-Walker estimates given a vector C of autocovariances '[gamma_0, ..., gamma_p]'.
- zerocrossing — This function estimates the points at which a given waveform crosses the x-axis.
- zp2sos — This function converts filter poles and zeros to second-order sections.
- zp2ss — Converts zeros / poles to state space.
- zp2tf — Converts zeros / poles to a transfer function.
- zplane — funcprot(0);