ltfat

The Large Time/Frequency Analysis Toolbox (LTFAT) is a Matlab/Octave toolbox for working with time-frequency analysis, wavelets and signal processing. It is intended both as an educational and a computational tool. The toolbox provides a large number of linear transforms including Gabor and wavelet transforms along with routines for constructing windows (filter prototypes) and routines for manipulating coefficients.

Select category:

sigproc

rms
RMS RMS value of signal Usage: y = rms(f); y = rms(f,...);
normalize
NORMALIZE Normalize input signal by specified norm Usage: h=normalize(f,...);
gaindb
GAINDB Increase/decrease level of signal Usage: outsig = gaindb(insig,gn);
crestfactor
CRESTFACTOR Crest factor of input signal in dB Usage: c=crestfactor(insig);
uquant
UQUANT Simulate uniform quantization Usage: x=uquant(x); x=uquant(x,nbits,xmax,...);
firwin
FIRWIN FIR window Usage: g=firwin(name,M); g=firwin(name,M,...); g=firwin(name,x);
firkaiser
FIRKAISER Kaiser-Bessel window Usage: g=firkaiser(L,beta); g=firkaiser(L,beta,...);
fir2long
FIR2LONG Extend FIR window to LONG Usage: g=fir2long(g,Llong);
long2fir
LONG2FIR Cut LONG window to FIR Usage: g=long2fir(g,L);
freqwin
FREQWIN Frequency response window Usage: H = freqwin(name,L,bw);
firfilter
FIRFILTER Construct an FIR filter Usage: g=firfilter(name,M); g=firfilter(name,M,...);
blfilter
BLFILTER Construct a band-limited filter Usage: g=blfilter(winname,fsupp,fc); g=blfilter(winname,fsupp,fc,...);
warpedblfilter
WARPEDBLFILTER Construct a warped band-limited filter Usage: g=warpedblfilter(winname,fsupp,fc,fs,freqtoscale,scaletofreq);
freqfilter
FREQFILTER Construct filter in frequency domain Usage: g=freqfilter(winname,bw); g=freqfilter(winname,bw,fc);
pfilt
PFILT Apply filter with periodic boundary conditions Usage: h=pfilt(f,g); h=pfilt(f,g,a,dim);
magresp
MAGRESP Magnitude response plot of window Usage: magresp(g,...); magresp(g,fs,...); magresp(g,fs,dynrange,....);
transferfunction
TRANSFERFUNCTION The transferfunction of a filter Usage: H=transferfunction(g,L);
pgrpdelay
PGRPDELAY Group delay of a filter with periodic boundaries Usage: ggd = pgrpdelay(g,L);
rampup
RAMPUP Rising ramp function Usage: outsig=rampup(L);
rampdown
RAMPDOWN Falling ramp function Usage: outsig=rampdown(siglen);
rampsignal
RAMPSIGNAL Ramp signal Usage: outsig=rampsignal(insig,L);
thresh
THRESH Coefficient thresholding Usage: x=thresh(x,lambda,...); [x,N]=thresh(x,lambda,...);
largestr
LARGESTR Keep fixed ratio of largest coefficients Usage: xo=largestr(x,p); xo=largestr(x,p,mtype); [xo,N]=largestr(...);
largestn
LARGESTN Keep N largest coefficients Usage: xo=largestn(x,N); xo=largestn(x,N,mtype);
dynlimit
DYNLIMIT Limit the dynamical range of the input Usage: xo=dynlimit(xi,dynrange);
groupthresh
GROUPTHRESH Group thresholding Usage: xo=groupthresh(xi,lambda);
rgb2jpeg
RGB2JPEG Coverts from RGB format to the YCbCr format used by JPEG Usage: YCbCr = rgb2jpeg(RGB);
jpeg2rgb
JPEG2RGB Coverts from RGB format to YCbCr format Usage: RGB = jpeg2rgb(YCbCr);
qam4
QAM4 Quadrature amplitude modulation of order 4 Usage: xo=qam4(xi);
iqam4
IQAM4 Inverse QAM of order 4

deprecated

convolve
CONVOLVE Convolution Usage: h=convolve(f,g);
gabelitistlasso
GABELITISTLASSO Elitist LASSO regression in Gabor domain Usage: [tc,xrec] = gabelitistlasso(x,g,a,M,lambda,C,tol,maxit) Input parameters: x : Input signal g : Synthe
gabgrouplasso
GABGROUPLASSO Group LASSO regression in Gabor domain Usage: [tc,xrec] = gabgrouplasso(x,g,a,M,group,lambda,C,maxit,tol)
gablasso
GABLASSO LASSO regression in Gabor domain Usage: [tc,xrec] = gablasso(x,a,M,lambda,C,tol,maxit)
gabmuleigs
GABMULEIGS Eigenpairs of Gabor multiplier Usage: h=gabmuleigs(K,c,g,a); h=gabmuleigs(K,c,a); h=gabmuleigs(K,c,ga,gs,a);
gabmul
GABMUL Apply Gabor multiplier Usage: h=gabmul(f,c,a); h=gabmul(f,c,g,a); h=gabmul(f,c,ga,gs,a);
framematrix
FRAMEMATRIX Frame synthesis operator matrix Usage: G=framematrix(F,L);
iufilterbank
IUFILTERBANK Filter bank inversion, DEPRECATED Usage: f=iufilterbank(c,g,a);
iunsdgt
IUNSDGT Inverse uniform non-stationary discrete Gabor transform Usage: f=iunsdgt(c,g,a,Ls);
iunsdgtreal
IUNSDGTREAL Inverse uniform non-stationary discrete Gabor transform Usage: f=iunsdgtreal(c,g,a,M,Ls);
tfmat
TFMAT Matrix of transform / operator Usage: F=tfmat('fourier',L); F=tfmat('dcti',L); F=tfmat('dgt',g,a,M); F=tfmat('dwilt',g,M); F=tfmat('wmdct',g,M);
uwfbtbounds
UWFBTBOUNDS Frame bounds of Undecimated WFBT Usage: fcond=uwfbtbounds(wt,L); [A,B]=uwfbtbounds(wt,L); [...]=uwfbtbounds(wt);
uwpfbtbounds
UWPFBTBOUNDS Frame bounds of Undecimated WPFBT Usage: fcond=uwpfbtbounds(wt,L); [A,B]=uwpfbtbounds(wt,L);

auditory

semiaudplot
SEMIAUDPLOT 2D plot on auditory scale Usage: h=semiaudplot(x,y);
audtofreq
AUDTOFREQ Converts auditory units to frequency (Hz) Usage: freq = audtofreq(aud);
freqtoaud
FREQTOAUD Converts frequencies (Hz) to auditory scale units Usage: aud = freqtoaud(freq,scale);
audspace
AUDSPACE Equidistantly spaced points on auditory scale Usage: y=audspace(fmin,fmax,n,scale);
audspacebw
AUDSPACEBW Auditory scale points specified by bandwidth Usage: y=audspacebw(fmin,fmax,bw,hitme); y=audspacebw(fmin,fmax,bw); y=audspacebw(fmin,fmax); [y,n]=audspacebw
erbtofreq
ERBTOFREQ Converts erb units to frequency (Hz) Usage: freq = erbtofreq(erb);
freqtoerb
FREQTOERB Converts frequencies (Hz) to erbs Usage: erb = freqtoerb(freq);
erbspace
ERBSPACE Equidistantly spaced points on erbscale Usage: y=erbspace(fmin,fmax,n);
erbspacebw
ERBSPACEBW Erbscale points specified by bandwidth Usage: y=erbspacebw(fmin,fmax,bw,hitme); y=erbspacebw(fmin,fmax,bw); y=erbspacebw(fmin,fmax);
audfiltbw
AUDFILTBW Bandwidth of auditory filter Usage: bw = audfiltbw(fc)
rangecompress
RANGECOMPRESS Compress the dynamic range of a signal Usage: [outsig, sigweight] = rangecompress(insig,mu);
rangeexpand
RANGEEXPAND Expand the dynamic range of a signal Usage: sig = rangeexpand(insig,mu,sigweight);
gammatonefir
GAMMATONEFIR Gammatone filter coefficients Usage: b = gammatonefir(fc,fs,n,betamul); b = gammatonefir(fc,fs,n); b = gammatonefir(fc,fs);

operators

operatornew
OPERATORNEW Construct a new operator Usage: F=operatornew(otype,...);
operator
OPERATOR Apply operator Usage: c=operator(Op,f);
ioperator
IOPERATOR Apply inverse of operator Usage: c=ioperator(Op,f);
operatoradj
OPERATORADJ Apply the adjoint of an operator Usage: c=operatoradj(Op,f);
operatorappr
OPERATORAPPR Best approximation by operator Usage: c=operatorappr(Op,K);
operatoreigs
OPERATOREIGS Apply the adjoint of an operator Usage: c=operatoreigs(Op,K);
operatormatrix
OPERATORMATRIX Matrix representation of an operator Usage: T=operatormatrix(Op);
framemul
FRAMEMUL Frame multiplier Usage: h=framemul(f,Fa,Fs,s);
iframemul
IFRAMEMUL Inverse of frame multiplier Usage: h=iframemul(f,Fa,Fs,s); [h,relres,iter]=iframemul(...);
framemuladj
FRAMEMULADJ Adjoint operator of frame multiplier Usage: h=framemuladj(f,Fa,Fs,s);
framemulappr
FRAMEMULAPPR Best Approximation of a matrix by a frame multiplier Usage: s=framemulappr(Fa,Fs,T); [s,TA]=framemulappr(Fa,Fs,T);
framemuleigs
FRAMEMULEIGS Eigenpairs of frame multiplier Usage: [V,D]=framemuleigs(Fa,Fs,s,K); D=framemuleigs(Fa,Fs,s,K,...);
gabmulappr
GABMULAPPR Best Approximation by a Gabor multiplier Usage: sym=gabmulappr(T,a,M); sym=gabmulappr(T,g,a,M); sym=gabmulappr(T,ga,gs,a,M); [sym,lowb,upb]=gabmulappr(
spreadop
SPREADOP Spreading operator Usage: h=spreadop(f,c);
spreadinv
SPREADINV Apply inverse spreading operator Usage: h=spreadinv(f,c);
spreadadj
SPREADADJ Symbol of adjoint spreading function Usage: cadj=spreadadj(c);
spreadfun
SPREADFUN Spreading function of a matrix Usage: c=spreadfun(T);
spreadeigs
SPREADEIGS Eigenpairs of Spreading operator Usage: h=spreadeigs(K,c);

signals

ctestfun
CTESTFUN Complex 1-D test function Usage: ftest=ctestfun(L);
noise
NOISE Stochastic noise generator Usage: outsig = noise(siglen,nsigs,type);
pinknoise
PINKNOISE Generates a pink noise signal Usage: outsig = pinknoise(siglen,nsigs);
expchirp
EXPCHIRP Exponential chirp Usage: outsig=expchirp(L,fstart,fend)
bat
BAT Load the 'bat' test signal Usage: s=bat;
batmask
BATMASK Load a Gabor multiplier symbol for the 'bat' test signal Usage: c=batmask;
greasy
GREASY Load the 'greasy' test signal Usage: s=greasy;
cocktailparty
COCKTAILPARTY Load the 'cocktailparty' test signal Usage: s=cocktailparty;
gspi
GSPI Load the 'glockenspiel' test signal
linus
LINUS Load the 'linus' test signal Usage: s=linus;
ltfatlogo
LTFATLOGO Load the 'ltfatlogo' test signal Usage: s=ltfatlogo;
otoclick
OTOCLICK Load the 'otoclick' test signal Usage: s=otoclick;
traindoppler
TRAINDOPPLER Load the 'traindoppler' test signal Usage: s=traindoppler;
cameraman
CAMERAMAN Load the 'cameraman' test image Usage: s=cameraman;
lichtenstein
LICHTENSTEIN Load the 'lichtenstein' test image Usage: s=lichtenstein;
ltfattext
LTFATTEXT Load the 'ltfattext' test image Usage: s=ltfattext;

frames

frame
FRAME Construct a new frame Usage: F=frame(ftype,...);
framepair
FRAMEPAIR Construct a new frame Usage: [F1,F2]=framepair(ftype,g1,g2,...);
framedual
FRAMEDUAL Construct the canonical dual frame Usage: Fd=framedual(F);
frametight
FRAMETIGHT Construct the canonical tight frame Usage: Ft=frametight(F);
frameaccel
FRAMEACCEL Precompute structures Usage: F=frameaccel(F,Ls);
frana
FRANA Frame analysis operator Usage: c=frana(F,f);
frsyn
FRSYN Frame synthesis operator Usage: f=frsyn(F,c);
frsynmatrix
FRSYNMATRIX Frame synthesis operator matrix Usage: G=frsynmatrix(F,L);
frgramian
FRGRAMIAN Frame Gramian operator Usage: o=frgramian(c, F); o=frgramian(c, Fa, Fs);
frameoperator
FRAMEOPERATOR Frame Operator Usage: o=frameoperator(F, f);
framediag
FRAMEDIAG Compute the diagonal of the frame operator Usage: d=framediag(F,L);
franaiter
FRANAITER Iterative analysis Usage: c=franaiter(F,f); [c,relres,iter]=franaiter(F,f,...);
frsyniter
FRSYNITER Iterative synthesis Usage: f=frsyniter(F,c); f=frsyniter(F,c,Ls); [f,relres,iter]=frsyniter(F,c,...);
plotframe
PLOTFRAME Plot frame coefficients Usage: plotframe(F,c,…); C = plotframe(...);
framegram
FRAMEGRAM Easy visualization of energy in transform domain Usage: framegram(F,x,...);
framebounds
FRAMEBOUNDS Frame bounds Usage: fcond=framebounds(F); [A,B]=framebounds(F); [...]=framebounds(F,Ls);
framered
FRAMERED Redundancy of a frame Usage red=framered(F);
framelength
FRAMELENGTH Frame length from signal Usage: L=framelength(F,Ls);
framelengthcoef
FRAMELENGTHCOEF Frame length from coefficients Usage: L=framelengthcoef(F,Ncoef);
frameclength
FRAMECLENGTH Number of coefficients from length of signal Usage: Ncoef=frameclength(F,Ls); [Ncoef,L]=frameclength(...);
framevectornorms
FRAMEVECTORNORMS Norm of frame vectors Usage: vnorms = framevectornorms(F,L) vnorms = framevectornorms(F,L,idx)
framecoef2native
FRAMECOEF2NATIVE Convert coefficients to native format Usage: coef=framecoef2native(F,coef);
framenative2coef
FRAMENATIVE2COEF Convert coefficient from native format Usage: coef=framenative2coef(F,coef);
framecoef2tf
FRAMECOEF2TF Convert coefficients to time-frequency plane Usage: cout=framecoef2tf(F,cin);
frametf2coef
FRAMETF2COEF Convert coefficients from TF-plane format Usage: cout=frametf2coef(F,cin);
framecoef2tfplot
FRAMECOEF2TFPLOT Convert coefficients to time-frequency plane matrix Usage: cout=framecoef2tfplot(F,cin);
franabp
FRANABP Frame Analysis Basis Pursuit Usage: c = franabp(F,f) c = franabp(F,f,lambda,C,tol,maxit) [c,relres,iter,frec,cd] = franabp(...)
franamp
FRANAMP Frame Analysis by Matching Pursuit Usage: c = franamp(F,f) c = franamp(F,f,errdb,maxit) [c,frec,info] = franamp(...)
franalasso
FRANALASSO Frame LASSO regression Usage: tc = franalasso(F,f,lambda) tc = franalasso(F,f,lambda,C,tol,maxit) [tc,relres,iter,frec,cd] = franalasso(...)
franagrouplasso
FRANAGROUPLASSO Group LASSO regression in the TF-domain Usage: tc = franagrouplasso(F,f,lambda) tc = franagrouplasso(F,f,lambda,C,tol,maxit) [tc,relres,iter,frec] = franagroupl
frsynabs
FRSYNABS Reconstruction from magnitude of coefficients Usage: f=frsynabs(F,s); f=frsynabs(F,s,Ls); [f,relres,iter,c]=frsynabs(...);

blockproc

block
BLOCK Initialize block stream Usage: block(source);
blockdevices
BLOCKDEVICES Lists audio devices Usage: devs = blockdevices();
blockread
BLOCKREAD Read one block from input Usage: f=blockread(L)
blockplay
BLOCKPLAY Schedules block to be played Usage: blockplay(L)
blockpanel
BLOCKPANEL Control panel Usage: blockpanel(params)
blockpanelget
BLOCKPANELGET Get parameters from GUI Usage: [par,...] = blockpanelget(p,spar,...)
blockdone
BLOCKDONE Destroy the current blockstream Usage: blockdone();
blockwrite
BLOCKWRITE Append block to an existing file Usage: blockwrite(f);
blockframeaccel
BLOCKFRAMEACCEL Precompute structures for block processing Usage: F = blockframeaccel(F,Lb);
blockframepairaccel
BLOCKFRAMEPAIRACCEL Precompute structures for block processing Usage: F = blockframepairaccel(Fa,Fs,Lb);
blockana
BLOCKANA Blockwise analysis interface Usage: c=blockana(F, f)
blocksyn
BLOCKSYN Blockwise synthesis interface Usage: blocksyn(F, c, Lb)
blockfigure
BLOCKFIGURE Block figure object Usage: p=blockfigure(); p=blockfigure('cm',cmaps);
blockplot
BLOCKPLOT Plot block coefficients Usage: blockplot(p,c); blockplot(p,F,c); blockplot(p,F,c,cola);
ltfatplay
LTFATPLAY Play data samples or a wav file Usage: ltfatplay('file.wav') ltfatplay(data,'fs',fs) ltfatplay(...,'devid',devid)

quadratic

ambiguityfunction
AMBIGUITYFUNCTION Ambiguity function Usage: A = ambiguityfunction(f); A = ambiguityfunction(f,g);
wignervilledist
WIGNERVILLEDIST Wigner-Ville distribution Usage: W = wignervilledist(f); W = wignervilledist(f, g);
drihaczekdist
DRIHACZEKDIST discrete Rihaczek distribution Usage r = drihaczekdist(f);
quadtfdist
QUADTFDIST Quadratic time-frequency distribution Usage p = quadtfdist(f, q);
plotquadtfdist
PLOTQUADTFDIST Plot quadratic time-frequency distribution Usage: plotquadtfdist(p);

gabor

tconv
TCONV Twisted convolution Usage: h=tconv(f,g);
dsft
DSFT Discrete Symplectic Fourier Transform Usage: C=dsft(F);
zak
ZAK Zak transform Usage: c=zak(f,a);
izak
IZAK Inverse Zak transform Usage: f=izak(c);
col2diag
COL2DIAG Move columns of a matrix to diagonals Usage: cout=col2diag(cin);
s0norm
S0NORM S0-norm of signal Usage: y = s0norm(f); y = s0norm(f,...);
dgt
DGT Discrete Gabor transform Usage: c=dgt(f,g,a,M); c=dgt(f,g,a,M,L); c=dgt(f,g,a,M,'lt',lt); [c,Ls]=dgt(...);
idgt
IDGT Inverse discrete Gabor transform Usage: f=idgt(c,g,a); f=idgt(c,g,a,Ls); f=idgt(c,g,a,Ls,lt);
isgram
ISGRAM Spectrogram inversion Usage: f=isgram(c,g,a); f=isgram(c,g,a,Ls); [f,relres,iter]=isgram(...);
isgramreal
ISGRAMREAL Spectrogram inversion (real signal) Usage: f=isgramreal(s,g,a,M); f=isgramreal(s,g,a,M,Ls); [f,relres,iter]=isgramreal(...);
dgt2
DGT2 2-D Discrete Gabor transform Usage: c=dgt2(f,g,a,M); c=dgt2(f,g1,g2,[a1,a2],[M1,M2]); c=dgt2(f,g1,g2,[a1,a2],[M1,M2],[L1,L2]); [c,Ls]=dgt2(f,g1,g2,[a1,a2],[M1,M2
idgt2
IDGT2 2D Inverse discrete Gabor transform Usage: f=idgt2(c,g,a); f=idgt2(c,g1,g2,a); f=idgt2(c,g1,g2,[a1 a2]); f=idgt2(c,g,a,Ls); f=idgt2(c,g1,g2,a,Ls);
dgtreal
DGTREAL Discrete Gabor transform for real-valued signals Usage: c=dgtreal(f,g,a,M); c=dgtreal(f,g,a,M,L); [c,Ls]=dgtreal(f,g,a,M); [c,Ls]=dgtreal(f,g,a,M,L);
idgtreal
IDGTREAL Inverse discrete Gabor transform for real-valued signals Usage: f=idgtreal(c,g,a,M); f=idgtreal(c,g,a,M,Ls);
gabwin
GABWIN Compute a Gabor window from text or cell array Usage: [g,info] = gabwin(g,a,M,L);
projkern
PROJKERN Projection onto generating kernel space Usage: cout=projkern(cin,a); cout=projkern(cin,g,a); cout=projkern(cin,ga,gs,a);
dgtlength
DGTLENGTH DGT length from signal Usage: L=dgtlength(Ls,a,M); L=dgtlength(Ls,a,M,lt);
multidgtrealmp
MULTIDGTREALMP Matching Pursuit Decomposition with Multi-Gabor Dictionary Usage: c = multidgtrealmp(f,dicts) c = multidgtrealmp(f,dicts,errdb,maxit) [c,frec,info] = multidgt
dwilt
DWILT Discrete Wilson transform Usage: c=dwilt(f,g,M); c=dwilt(f,g,M,L); [c,Ls]=dwilt(...);
idwilt
IDWILT Inverse discrete Wilson transform Usage: f=idwilt(c,g); f=idwilt(c,g,Ls);
dwilt2
DWILT2 2D Discrete Wilson transform Usage: c=dwilt2(f,g,M); c=dwilt2(f,g1,g2,[M1,M2]); c=dwilt2(f,g1,g2,[M1,M2],[L1,L2]); [c,Ls]=dwilt2(f,g1,g2,[M1,M2],[L1,L2]);
idwilt2
IDWILT2 2D Inverse Discrete Wilson transform Usage: f=idwilt2(c,g); f=idwilt2(c,g1,g2); f=idwilt2(c,g1,g2,Ls);
wmdct
WMDCT Windowed MDCT transform Usage: c=wmdct(f,g,M); c=wmdct(f,g,M,L); [c,Ls]=wmdct(...);
iwmdct
IWMDCT Inverse MDCT Usage: f=iwmdct(c,g); f=iwmdct(c,g,Ls);
wmdct2
WMDCT2 2D Discrete windowed MDCT transform Usage: c=wmdct2(f,g,M); c=wmdct2(f,g1,g2,[M1,M2]); c=wmdct2(f,g1,g2,[M1,M2],[L1,L2]); [c,L]=wmdct2(f,g1,g2,[M1,M2],[L1,L2])
iwmdct2
IWMDCT2 2D Inverse windowed MDCT transform Usage: f=iwmdct2(c,g); f=iwmdct2(c,g1,g2); f=iwmdct2(c,g1,g2,Ls);
wil2rect
WIL2RECT Arrange Wilson coefficients in a rectangular layout Usage: c=wil2rect(c);
rect2wil
RECT2WIL Inverse of WIL2RECT Usage: c=rect2wil(c);
wilwin
WILWIN Compute a Wilson/WMDCT window from text or cell array Usage: [g,info] = wilwin(g,M,L);
dwiltlength
DWILTLENGTH DWILT/WMDCT length from signal Usage: L=dwiltlength(Ls,M);
gabdual
GABDUAL Canonical dual window of Gabor frame Usage: gd=gabdual(g,a,M); gd=gabdual(g,a,M,L); gd=gabdual(g,a,M,'lt',lt);
gabtight
GABTIGHT Canonical tight window of Gabor frame Usage: gt=gabtight(a,M,L); gt=gabtight(g,a,M); gt=gabtight(g,a,M,L); gd=gabtight(g,a,M,'lt',lt);
gabfirdual
GABFIRDUAL Compute FIR dual window Usage: gd=gabfirdual(Ldual,g,a,M); gd=gabfirdual(Ldual,g,a,M, varagin);
gaboptdual
GABOPTDUAL Compute dual window Usage: gd=gaboptdual(g,a,M); gd=gaboptdual(g,a,M, varagin);
gabfirtight
GABFIRTIGHT Compute FIR tight window Usage: gt=gabfirtight(Lsupport,g,a,M); gt=gabfirtight(Lsupport,g,a,M, varagin);
gabopttight
GABOPTTIGHT Compute a optimized tight window Usage: gt=gabopttight(Ltight,g,a,M); gt=gabopttight(Ltight,g,a,M, varagin);
gabconvexopt
GABCONVEXOPT Compute a window using convex optimization Usage: gout=gabconvexopt(g,a,M); gout=gabconvexopt(g,a,M, varagin);
gabprojdual
GABPROJDUAL Gabor Dual window by projection Usage: gd=gabprojdual(gm,g,a,M) gd=gabprojdual(gm,g,a,M,L)
gabmixdual
GABMIXDUAL Computes the mixdual of g1 Usage: gamma=mixdual(g1,g2,a,M)
wilorth
WILORTH Wilson orthonormal window Usage: gt=wilorth(M,L); gt=wilorth(g,M); gt=wilorth(g,M,L);
wildual
WILDUAL Wilson dual window Usage: gamma=wildual(g,M); gamma=wildual(g,M,L);
gabframebounds
GABFRAMEBOUNDS Calculate frame bounds of Gabor frame Usage: fcond=gabframebounds(g,a,M); [A,B]=gabframebounds(g,a,M); [A,B]=gabframebounds(g,a,M,L); [A,B]=gabfram
gabrieszbounds
GABRIESZBOUNDS Calculate Riesz sequence/basis bounds of Gabor frame Usage: fcond=gabrieszbounds(g,a,M); [A,B]=gabrieszbounds(g,a,M); [A,B]=gabrieszbounds(g,a,M,L);
wilbounds
WILBOUNDS Calculate frame bounds of Wilson basis Usage: [AF,BF]=wilbounds(g,M) [AF,BF]=wilbounds(g,M,L)
gabdualnorm
GABDUALNORM Measure of how close a window is to being a dual window Usage: dn=gabdualnorm(g,gamma,a,M); dn=gabdualnorm(g,gamma,a,M,L); dn=gabdualnorm(g,gamma,a,M,'lt',lt);
gabframediag
GABFRAMEDIAG Diagonal of Gabor frame operator Usage: d=gabframediag(g,a,M,L); d=gabframediag(g,a,M,L,'lt',lt);
wilframediag
WILFRAMEDIAG Diagonal of Wilson and WMDCT frame operator Usage: d=wilframediag(g,M,L);
gabphasegrad
GABPHASEGRAD Phase gradient of the DGT Usage: [tgrad,fgrad,c] = gabphasegrad('dgt',f,g,a,M); [tgrad,fgrad] = gabphasegrad('phase',cphase,a); [tgrad,fgrad] = gabphasegra
gabphasederiv
GABPHASEDERIV DGT phase derivatives Usage: [phased,c] = gabphasederiv(dflag,'dgt',f,g,a,M); phased = gabphasederiv(dflag,'cross',f,g,a,M) phased = gabphasederiv(dfl
gabreassign
GABREASSIGN Reassign time-frequency distribution Usage: sr = gabreassign(s,tgrad,fgrad,a);
gabreassignadjust
GABREASSIGNADJUST Adjustable reassignment of a time-frequency distribution Usage: sr = gabreassignadjust(s,pderivs,a,mu);
constructphase
CONSTRUCTPHASE Construct phase for DGT Usage: c=constructphase(s,g,a); c=constructphase(s,g,a,tol); c=constructphase(c,g,a,tol,mask); c=constructphase(c,g,a,tol,m
constructphasereal
CONSTRUCTPHASEREAL Construct phase for DGTREAL Usage: c=constructphasereal(s,g,a,M); c=constructphasereal(s,g,a,M,tol); c=constructphasereal(c,g,a,M,tol,mask); c=
phaselock
PHASELOCK Phaselock Gabor coefficients Usage: c=phaselock(c,a);
phaseunlock
PHASEUNLOCK Undo phase lock of Gabor coefficients Usage: c=phaseunlock(c,a);
phaselockreal
PHASELOCKREAL Phaselock Gabor coefficients Usage: c=phaselockreal(c,a,M);
phaseunlockreal
PHASEUNLOCKREAL Undo phase lock of Gabor coefficients Usage: c=phaseunlockreal(c,a,M);
symphase
SYMPHASE Change Gabor coefficients to symmetric phase Usage: c=symphase(c,a);
matrix2latticetype
MATRIX2LATTICETYPE Convert matrix form to standard lattice description Usage: [a,M,lt] = matrix2latticetype(L,V);
latticetype2matrix
LATTICETYPE2MATRIX Convert lattice description to matrix form Usage: V=latticetype2matrix(L,a,M,lt);
shearfind
SHEARFIND Shears for transformation of a general lattice to separable Usage: [s0,s1,br] = shearfind(L,a,M,lt);
noshearlength
NOSHEARLENGTH Transform length that does not require a frequency shear Usage: L=noshearlength(Ls,a,M,lt)
tfplot
TFPLOT Plot coefficient matrix on the TF plane Usage: tfplot(coef,step,yr); tfplot(coef,step,yr,...);
plotdgt
PLOTDGT Plot DGT coefficients Usage: plotdgt(coef,a); plotdgt(coef,a,fs); plotdgt(coef,a,fs,dynrange);
plotdgtreal
PLOTDGTREAL Plot DGTREAL coefficients Usage: plotdgtreal(coef,a,M); plotdgtreal(coef,a,M,fs); plotdgtreal(coef,a,M,fs,dynrange);
plotdwilt
PLOTDWILT Plot DWILT coefficients Usage: plotdwilt(coef); plotdwilt(coef,fs); plotdwilt(coef,fs,dynrange);
plotwmdct
PLOTWMDCT Plot WMDCT coefficients Usage: plotwmdct(coef); plotwmdct(coef,fs); plotwmdct(coef,fs,dynrange);
sgram
SGRAM Spectrogram Usage: sgram(f,op1,op2, ...
gabimagepars
GABIMAGEPARS Find Gabor parameters to generate image Usage: [a,M,L,N,Ngood]=gabimagepars(Ls,x,y);
resgram
RESGRAM Reassigned spectrogram plot Usage: resgram(f,op1,op2, ...
instfreqplot
INSTFREQPLOT Plot of instantaneous frequency Usage: instfreqplot(f,op1,op2, ...
phaseplot
PHASEPLOT Phase plot Usage: phaseplot(f,op1,op2, ...

demos

demo_dgt
DEMO_DGT Basic introduction to DGT analysis/synthesis
demo_gabfir
DEMO_GABFIR Working with FIR windows
demo_wavelets
DEMO_WAVELETS Wavelet filter banks
demo_imagecompression
DEMO_IMAGECOMPRESSION Image compression using N-term approximation
demo_audiocompression
DEMO_AUDIOCOMPRESSION Audio compression using N-term approx
demo_audiodenoise
DEMO_AUDIODENOISE Audio denoising using thresholding
demo_ofdm
DEMO_OFDM Demo of Gabor systems used for OFDM
demo_audioshrink
DEMO_AUDIOSHRINK Decomposition into tonal and transient parts
demo_gabmulappr
DEMO_GABMULAPPR Approximate a slowly time variant system by a Gabor multiplier
demo_bpframemul
DEMO_BPFRAMEMUL Frame multiplier acting as a time-varying bandpass filter
demo_frsynabs
DEMO_FRSYNABS Construction of a signal with a given spectrogram
demo_filterbanksynchrosqueeze
DEMO_FILTERBANKSYNCHROSQUEEZE Filterbank synchrosqueezing and inversion
demo_nsdgt
DEMO_NSDGT Non-stationary Gabor transform demo
demo_pgauss
DEMO_PGAUSS How to use PGAUSS
demo_pbspline
DEMO_PBSPLINE How to use PBSPLINE
demo_gabmixdual
DEMO_GABMIXDUAL How to use GABMIXDUAL
demo_framemul
DEMO_FRAMEMUL Time-frequency localization by a Gabor multiplier
demo_phaseplot
DEMO_PHASEPLOT Give demos of nice phaseplots
demo_phaseret
DEMO_PHASERET Phase retrieval and phase difference
demo_nextfastfft
DEMO_NEXTFASTFFT Next fast FFT number
demo_filterbanks
DEMO_FILTERBANKS CQT, ERBLET and AUDLET filterbanks
demo_audscales
DEMO_AUDSCALES Plot of the different auditory scales
demo_auditoryfilterbank
DEMO_AUDITORYFILTERBANK Construct an auditory filterbank
demo_wfbt
DEMO_WFBT Auditory filterbanks built using filterbank tree structures
demo_blockproc_basicloop
DEMO_BLOCKPROC_BASICLOOP Basic real-time audio manipulation Usage: demo_blockproc_basicloop('gspi.wav')
demo_blockproc_paramequalizer
DEMO_BLOCKPROC_PARAMEQUALIZER Real-time equalizer demonstration Usage: demo_blockproc_paramequalizer('gspi.wav')
demo_blockproc_denoising
DEMO_BLOCKPROC_DENOISING Variable coefficients thresholding Usage: demo_blockproc_denoising('gspi.wav')
demo_blockproc_slidingsgram
DEMO_BLOCKPROC_SLIDINGSGRAM Basic real-time rolling spectrogram visualization Usage: demo_blockproc_slidingsgram('gspi.wav')
demo_blockproc_slidingcqt
DEMO_BLOCKPROC_SLIDINGCQT Basic real-time rolling CQT-spectrogram visualization Usage: demo_blockproc_slidingcqt('gspi.wav')
demo_blockproc_slidingerblets
DEMO_BLOCKPROC_SLIDINGERBLETS Basic real-time rolling erblet-spectrogram visualization Usage: demo_blockproc_slidingerblets('gspi.wav')
demo_blockproc_dgtequalizer
DEMO_BLOCKPROC_DGTEQUALIZER Real-time audio manipulation in the transform domain Usage: demo_blockproc_dgtequalizer('gspi.wav')
demo_blockproc_effects
DEMO_BLOCKPROC_EFFECTS Various vocoder effects using DGT Usage: demo_blockproc_effects('gspi.wav')

filterbank

filterbank
FILTERBANK Apply filterbank Usage: c=filterbank(f,g,a);
ufilterbank
UFILTERBANK Apply Uniform filterbank Usage: c=ufilterbank(f,g,a);
ifilterbank
IFILTERBANK Filter bank inversion Usage: f=ifilterbank(c,g,a);
ifilterbankiter
IFILTERBANKITER Filter bank iterative inversion Usage: f=ifilterbankiter(c,g,a);
filterbankwin
FILTERBANKWIN Compute set of filter bank windows from text or cell array Usage: [g,info] = filterbankwin(g,a,L);
filterbanklength
FILTERBANKLENGTH Filterbank length from signal Usage: L=filterbanklength(Ls,a);
filterbanklengthcoef
FILTERBANKLENGTHCOEF Filterbank length from coefficients Usage: L=filterbanklengthcoef(coef,a);
cqt
CQT Constant-Q non-stationary Gabor filterbank Usage: [c,Ls,g,shift,M] = cqt(f,fmin,fmax,bins,fs,M) [c,Ls,g,shift,M] = cqt(f,fmin,fmax,bins,fs) [c,Ls,g,shift] = cqt(...)
icqt
ICQT Constant-Q non-stationary Gabor synthesis Usage: fr = icqt(c,g,shift,Ls,dual) fr = icqt(c,g,shift,Ls) fr = icqt(c,g,shift)
erblett
ERBLETT ERBlet non-stationary Gabor filterbank Usage: [c,Ls,g,shift,M] = erblett(f,bins,fs,varargin) [c,Ls,g,shift] = erblett(...) [c,Ls] = erblett(...) c = erblett(.
ierblett
IERBLETT ERBlet non-stationary Gabor synthesis Usage: fr = ierblett(c,g,shift,Ls,dual) fr = ierblett(c,g,shift,Ls) fr = ierblett(c,g,shift)
cqtfilters
CQTFILTERS CQT-spaced filters Usage: [g,a,fc]=cqtfilters(fs,fmin,fmax,bins,Ls,varargin);
erbfilters
ERBFILTERS ERB-spaced filters Usage: [g,a,fc,L]=erbfilters(fs,Ls); [g,a,fc,L]=erbfilters(fs,Ls,...);
warpedfilters
WARPEDFILTERS Frequency-warped band-limited filters Usage: [g,a,fc]=warpedfilters(freqtoscale,scaletofreq,fs,fmin,fmax,bins,Ls);
audfilters
AUDFILTERS Generates filters equidistantly spaced on auditory frequency scales Usage: [g,a,fc,L]=audfilters(fs,Ls); [g,a,fc,L]=audfilters(fs,Ls,...);
filterbankdual
FILTERBANKDUAL Dual filters Usage: gd=filterbankdual(g,a,L); gd=filterbankdual(g,a);
filterbanktight
FILTERBANKTIGHT Tight filterbank Usage: gt=filterbanktight(g,a,L); gt=filterbanktight(g,a);
filterbankrealdual
FILTERBANKREALDUAL Dual filters of filterbank for real signals only Usage: gd=filterbankrealdual(g,a,L); gd=filterbankrealdual(g,a);
filterbankrealtight
FILTERBANKREALTIGHT Tight filters of filterbank for real signals only Usage: gt=filterbankrealtight(g,a,L); gt=filterbankrealtight(g,a);
filterbankbounds
FILTERBANKBOUNDS Frame bounds of a filterbank Usage: fcond=filterbankbounds(g,a,L); [A,B]=filterbankbounds(g,a,L); [...]=filterbankbounds(g,a);
filterbankrealbounds
FILTERBANKREALBOUNDS Frame bounds of filter bank for real signals only Usage: fcond=filterbankrealbounds(g,a,L); [A,B]=filterbankrealbounds(g,a,L); [...]=filterbankrealbounds(g
filterbankresponse
FILTERBANKRESPONSE Response of filterbank as function of frequency Usage: gf=filterbankresponse(g,a,L);
filterbankfreqz
FILTERBANKFREQZ Filterbank frequency responses Usage: gf = filterbankfreqz(g,a,L)
filterbankscale
FILTERBANKSCALE Scale filters in filterbank Usage: g=filterbankscale(g,scal) g=filterbankscale(g,'flag') g=filterbankscale(g,L,'flag') [g,scal]=filterbankscale(...
nonu2ufilterbank
NONU2UFILTERBANK Non-uniform to uniform filterbank transform Usage: [gu,au]=nonu2ufilterbank(g,a)
u2nonucfmt
U2NONUCFMT Uniform to non-uniform filterbank coefficient format Usage: c=u2nonucfmt(cu,pk)
nonu2ucfmt
NONU2UCFMT Non-uniform to uniform filterbank coefficient format Usage: cu=nonu2ucfmt(c,pk)
plotfilterbank
PLOTFILTERBANK Plot filterbank and ufilterbank coefficients Usage: plotfilterbank(coef,a); plotfilterbank(coef,a,fc); plotfilterbank(coef,a,fc,fs); plotfilterbank(
filterbankphasegrad
FILTERBANKPHASEGRAD Phase gradient of a filterbank representation Usage: [tgrad,fgrad,s,c] = filterbankphasegrad(f,g,a,L,minlvl); [tgrad,fgrad,s,c] = filterbankphasegrad(f,g,a,L);
filterbankreassign
FILTERBANKREASSIGN Reassign filterbank spectrogram Usage: sr = filterbankreassign(s,tgrad,fgrad,a,cfreq); sr = filterbankreassign(s,tgrad,fgrad,a,g); [sr,repos,Lc] = filterb
filterbanksynchrosqueeze
FILTERBANKSYNCHROSQUEEZE Synchrosqueeze filterbank spectrogram Usage: cr = filterbanksynchrosqueeze(c,tgrad,cfreq); cr = filterbanksynchrosqueeze(c,tgrad,g); [cr,repos,Lc] =

fourier

fftindex
FFTINDEX Frequency index of FFT modulations Usage: n=fftindex(N);
modcent
MODCENT Centered modulo Usage: y=modcent(x,r);
floor23
FLOOR23 Previous number with only 2,3 factors Usage: nceil=floor23(n);
floor235
FLOOR235 Previous number with only 2,3 and 5 factors Usage: nfloor=floor235(n);
ceil23
CEIL23 Next number with only 2,3 factors Usage: nceil=ceil23(n);
ceil235
CEIL235 Next number with only 2,3 and 5 factors Usage: nceil=ceil235(n);
nextfastfft
NEXTFASTFFT Next higher number with a fast FFT Usage: nfft=nextfastfft(n);
dft
DFT Normalized Discrete Fourier Transform Usage: f=dft(f); f=dft(f,N,dim);
idft
IDFT Inverse normalized Discrete Fourier Transform Usage: f=idft(c); f=idft(c,N,dim);
fftreal
FFTREAL FFT for real valued input data Usage: f=fftreal(f); f=fftreal(f,N,dim);
ifftreal
IFFTREAL Inverse FFT for real valued signals Usage: f=ifftreal(c,N); f=ifftreal(c,N,dim);
gga
GGA Generalized Goertzel algorithm Usage: c = gga(x,fvec) c = gga(x,fvec,fs)
chirpzt
CHIRPZT Chirped Z-transform Usage: c = chirpzt(f,K,fdiff) c = chirpzt(f,K,fdiff,foff) c = chirpzt(f,K,fdiff,foff,fs)
fftgram
FFTGRAM Plot the energy of the discrete Fourier transform Usage: fftgram(f) fftgram(f, fs)
plotfft
PLOTFFT Plot the output from FFT Usage: plotfft(coef); plotfft(coef,fs);
plotfftreal
PLOTFFTREAL Plot the output from FFTREAL Usage: plotfftreal(coef); plotfftreal(coef,fs);
involute
INVOLUTE Involution Usage: finv=involute(f); finv=involute(f,dim);
peven
PEVEN Even part of periodic function Usage: fe=peven(f); fe=peven(f,dim);
podd
PODD Odd part of periodic function Usage: fe=podd(f); fe=podd(f,dim);
pconv
PCONV Periodic convolution Usage: h=pconv(f,g) h=pconv(f,g,ftype);
pxcorr
PXCORR Periodic cross correlation Usage: h=pxcorr(f,g)
lconv
LCONV Linear convolution Usage: h=lconv(f,g);
lxcorr
LXCORR Linear crosscorrelation Usage: h=lxcorr(f,g)
isevenfunction
ISEVENFUNCTION True if function is even Usage: t=isevenfunction(f); t=isevenfunction(f,tol);
middlepad
MIDDLEPAD Symmetrically zero-extends or cuts a function Usage: h=middlepad(f,L); h=middlepad(f,L,dim); h=middlepad(f,L,...);
expwave
EXPWAVE Complex exponential wave Usage: h=expwave(L,m); h=expwave(L,m,cent);
pchirp
PCHIRP Periodic chirp Usage: g=pchirp(L,n);
pgauss
PGAUSS Sampled, periodized Gaussian Usage: g=pgauss(L); g=pgauss(L,tfr); g=pgauss(L,...); [g,tfr]=pgauss( ...
psech
PSECH Sampled, periodized hyperbolic secant Usage: g=psech(L); g=psech(L,tfr); g=psech(L,s,'samples); [g,tfr]=psech( ...
pbspline
PBSPLINE Periodized B-spline Usage: g=pbspline(L,order,a,...); [g,nlen]=pbspline(L,order,a,...);
shah
SHAH Discrete Shah-distribution Usage: f=shah(L,a);
pheaviside
PHEAVISIDE Periodic Heaviside function Usage: h=pheaviside(L);
prect
PRECT Periodic rectangle Usage: f=prect(L,n);
psinc
PSINC Periodic Sinc function (Dirichlet function) Usage: f=psinc(L,n);
ptpfun
PTPFUN Sampled, periodized totally positive function of finite type Usage: g=ptpfun(L,w) g=ptpfun(L,w,width)
pebfun
PEBFUN Sampled, periodized EB-spline Usage: g=pebfun(L,w) g=pebfun(L,w,width) [g,nlen]=pebfun(...)
ptpfundual
PTPFUNDUAL Sampled, periodized dual TP function of finite type Usage: gd=ptpfundual(w,a,M,L) gd=ptpfundual({w,width},a,M,L) gd=ptpfundual(...,inc) [gd,nlen]=ptpfundual
pebfundual
PEBFUNDUAL Dual window of sampled, periodized EB-spline Usage: g=pebfundual(w,a,M,L) g=pebfundual({w,width},a,M,L) g=pebfundual(...,inc)
pherm
PHERM Periodized Hermite function Usage: g=pherm(L,order); g=pherm(L,order,tfr); [g,D]=pherm(...);
hermbasis
HERMBASIS Orthonormal basis of discrete Hermite functions Usage: V=hermbasis(L,p); V=hermbasis(L); [V,D]=hermbasis(...);
dfracft
DFRACFT Discrete Fractional Fourier transform Usage: V=dfracft(f,a,p); V=dfracft(f,a);
ffracft
FFRACFT Approximate fast fractional Fourier transform Usage: frf=ffracft(f,a) frf=ffracft(f,a,dim)
fftresample
FFTRESAMPLE Resample signal using Fourier interpolation Usage: h=fftresample(f,L); h=fftresample(f,L,dim);
dctresample
DCTRESAMPLE Resample signal using Fourier interpolation Usage: h=dctresample(f,L); h=dctresample(f,L,dim);
pderiv
PDERIV Derivative of smooth periodic function Usage: fd=pderiv(f); fd=pderiv(f,dim); fd=pderiv(f,dim,difforder);
fftanalytic
FFTANALYTIC Compute analytic representation Usage: z = fftanalytic(f); z = fftanalytic(f,L); z = fftanalytic(f,L,dim);
dcti
DCTI Discrete Cosine Transform type I Usage: c=dcti(f); c=dcti(f,L); c=dcti(f,[],dim); c=dcti(f,L,dim);
dctii
DCTII Discrete Consine Transform type II Usage: c=dctii(f); c=dctii(f,L); c=dctii(f,[],dim); c=dctii(f,L,dim);
dctiii
DCTIII Discrete Consine Transform type III Usage: c=dctiii(f); c=dctiii(f,L); c=dctiii(f,[],dim); c=dctiii(f,L,dim);
dctiv
DCTIV Discrete Consine Transform type IV Usage: c=dctiv(f);
dsti
DSTI Discrete Sine Transform type I Usage: c=dsti(f); c=dsti(f,L); c=dsti(f,[],dim); c=dsti(f,L,dim);
dstii
DSTII Discrete Sine Transform type II Usage: c=dstii(f); c=dstii(f,L); c=dstii(f,[],dim); c=dstii(f,L,dim);
dstiii
DSTIII Discrete sine transform type III Usage: c=dstiii(f); c=dstiii(f,L); c=dstiii(f,[],dim); c=dstiii(f,L,dim);
dstiv
DSTIV Discrete Sine Transform type IV Usage: c=dstiv(f); c=dstiv(f,L); c=dstiv(f,[],dim); c=dstiv(f,L,dim);

nonstatgab

nsdgt
NSDGT Non-stationary Discrete Gabor transform Usage: c=nsdgt(f,g,a,M); [c,Ls]=nsdgt(f,g,a,M);
unsdgt
UNSDGT Uniform Non-stationary Discrete Gabor transform Usage: c=unsdgt(f,g,a,M); [c,Ls]=unsdgt(f,g,a,M);
insdgt
INSDGT Inverse non-stationary discrete Gabor transform Usage: f=insdgt(c,g,a,Ls);
nsdgtreal
NSDGTREAL Non-stationary Discrete Gabor transform for real valued signals Usage: c=nsdgtreal(f,g,a,M); [c,Ls]=nsdgtreal(f,g,a,M);
unsdgtreal
UNSDGTREAL Uniform non-stationary Discrete Gabor transform Usage: c=unsdgtreal(f,g,a,M); [c,Ls]=unsdgtreal(f,g,a,M);
insdgtreal
INSDGTREAL Inverse NSDGT for real-valued signals Usage: f=insdgt(c,g,a,M,Ls);
nsgabdual
NSGABDUAL Canonical dual window for non-stationary Gabor frames Usage: gd=nsgabdual(g,a,M); gd=nsgabdual(g,a,M,L);
nsgabtight
NSGABTIGHT Canonical tight window for non-stationary Gabor frames Usage: gt=nsgabtight(g,a,M); gt=nsgabtight(g,a,M,L);
nsgabframebounds
NSGABFRAMEBOUNDS Frame bounds of non-stationary Gabor frame Usage: fcond=nsgabframebounds(g,a,M); [A,B]=nsgabframebounds(g,a,M);
nsgabframediag
NSGABFRAMEDIAG Diagonal of Gabor frame operator Usage: d=nsgabframediag(g,a,M);
plotnsdgt
PLOTNSDGT Plot non-stationary Gabor coefficients Usage: plotnsdgt(c,a,fs,dynrange);
plotnsdgtreal
PLOTNSDGTREAL Plot NSDGTREAL coefficients Usage: plotnsdgtreal(c,a,fs,dynrange);

wavelets

fwt
FWT Fast Wavelet Transform Usage: c = fwt(f,w,J); c = fwt(f,w,J,dim); [c,info] = fwt(...);
ifwt
IFWT Inverse Fast Wavelet Transform Usage: f = ifwt(c,info) f = ifwt(c,w,J,Ls) f = ifwt(c,w,J,Ls,dim)
fwt2
FWT2 Fast Wavelet Transform 2D Usage: c = fwt2(f,w,J); c = fwt2(f,w,J,...);
ifwt2
IFWT2 Inverse Fast Wavelet Transform Usage: f = ifwt2(c,w,J) f = ifwt2(c,w,J,Ls,...)
ufwt
UFWT Undecimated Fast Wavelet Transform Usage: c = ufwt(f,w,J); [c,info] = ufwt(...);
iufwt
IUFWT Inverse Undecimated Fast Wavelet Transform Usage: f = iufwt(c,info) f = iufwt(c,w,J);
fwtlength
FWTLENGTH FWT length from signal Usage: L=fwtlength(Ls,w,J);
fwtclength
FWTCLENGTH FWT subbands lengths from a signal length Usage: Lc=fwtclength(Ls,w,J); [Lc,L]=fwtclength(...);
wfbt
WFBT Wavelet FilterBank Tree Usage: c=wfbt(f,wt); c=wfbt(f,wt,ext); [c,info]=wfbt(...);
iwfbt
IWFBT Inverse Wavelet Filterbank Tree Usage: f=iwfbt(c,info); f=iwfbt(c,wt,Ls);
uwfbt
UWFBT Undecimated Wavelet FilterBank Tree Usage: c=uwfbt(f,wt); [c,info]=uwfbt(...);
iuwfbt
IUWFBT Inverse Undecimated Wavelet Filterbank Tree Usage: f = iuwfbt(c,info) f = iuwfbt(c,wt)
wpfbt
WPFBT Wavelet Packet FilterBank Tree Usage: c=wpfbt(f,wt); [c,info]=wpfbt(...);
iwpfbt
IWPFBT Inverse Wavelet Packet Filterbank Tree Usage: f=iwpfbt(c,info); f=iwpfbt(c,wt,Ls);
uwpfbt
UWPFBT Undecimated Wavelet Packet FilterBank Tree Usage: c=uwpfbt(f,wt); [c,info]=uwpfbt(...);
iuwpfbt
IUWPFBT Inverse Undecimated Wavelet Packet Filterbank Tree Usage: f=iuwpfbt(c,info); f=iuwpfbt(c,wt);
wpbest
WPBEST Best Tree selection Usage: c = wpbest(f,w,J,cost); [c,info] = wpbest(...);
wfbtlength
WFBTLENGTH WFBT length from signal Usage: L=wfbtlength(Ls,wt);
wfbtclength
WFBTCLENGTH WFBT subband lengths from a signal length Usage: Lc=wfbtclength(Ls,wt); [Lc,L]=wfbtclength(...);
wpfbtclength
WPFBTCLENGTH WPFBT subband length from a signal length Usage: Lc=wpfbtclength(Ls,wt); [Lc,L]=wpfbtclength(Ls,wt);
dtwfb
DTWFB Dual-Tree Wavelet Filter Bank Usage: c=dtwfb(f,dualwt); c=dtwfb(f,{dualw,J}); [c,info]=dtwfb(...);
idtwfb
IDTWFB Inverse Dual-tree Filterbank Usage: f=idtwfb(c,info); f=idtwfb(c,dualwt,Ls);
dtwfbreal
DTWFBREAL Dual-Tree Wavelet FilterBank for real-valued signals Usage: c=dtwfbreal(f,dualwt); c=dtwfbreal(f,{dualw,J}); [c,info]=dtwfbreal(...);
idtwfbreal
IDTWFBREAL Inverse Dual-tree Filterbank for real-valued signals Usage: f=idtwfbreal(c,info); f=idtwfbreal(c,dualwt,Ls);
wfbtinit
WFBTINIT Initialize Filterbank Tree Usage: wt = wfbtinit(wtdef);
dtwfbinit
DTWFBINIT Dual-Tree Wavelet Filterbank Initialization Usage: dualwt=dtwfbinit(dualwtdef);
wfbtput
WFBTPUT Put node to the filterbank tree Usage: wt = wfbtput(d,k,w,wt); wt = wfbtput(d,k,w,wt,'force');
wfbtremove
WFBTREMOVE Remove node(s) from the filterbank tree Usage: wt = wbftremove(d,kk,wt); wt = wfbtremove(d,kk,wt,'force');
wfbt2filterbank
WFBT2FILTERBANK WFBT equivalent non-iterated filterbank Usage: [g,a] = wfbt2filterbank(wt)
wpfbt2filterbank
WPFBT2FILTERBANK WPFBT equivalent non-iterated filterbank Usage: [g,a] = wpfbt2filterbank(wt)
dtwfb2filterbank
DTWFB2FILTERBANK DTWFB equivalent non-iterated filterbank Usage: [g,a] = dtwfb2filterbank(dualwt) [g,a,info] = dtwfb2filterbank(...)
fwtinit
FWTINIT Wavelet Filterbank Structure Initialization Usage: w = fwtinit(wdef); w = fwtinit(wdef,prefix); [w,info]=fwtinit(...)
wfbtbounds
WFBTBOUNDS Frame bounds of WFBT Usage: fcond=wfbtbounds(wt,L); [A,B]=wfbtbounds(wt,L); [...]=wfbtbounds(wt);
wpfbtbounds
WPFBTBOUNDS Frame bounds of WPFBT Usage: fcond=wpfbtbounds(wt,L); [A,B]=wpfbtbounds(wt,L); [...]=wpfbtbounds(wt);
dtwfbbounds
DTWFBBOUNDS Frame bounds of DTWFB Usage: fcond=dtwfbbounds(dualwt,L); [A,B]=dtwfbbounds(dualwt,L); [...]=dtwfbbounds(dualwt);
plotwavelets
PLOTWAVELETS Plot wavelet coefficients Usage: plotwavelets(c,info,fs) plotwavelets(c,info,fs,'dynrange',dynrange,...)
wfiltinfo
WFILTINFO Plots filters info Usage: wfiltinfo(w);
wfiltdtinfo
WFILTDTINFO Plots dual-tree filters info Usage: wfiltdtinfo(dw);
wavfun
WAVFUN Wavelet Function Usage: [w,s,xvals] = wavfun(g) [w,s,xvals] = wavfun(g,N)
wavcell2pack
WAVCELL2PACK Changes wavelet coefficients storing format Usage: [cvec,Lc] = wavcell2pack(ccell); [cvec,Lc] = wavcell2pack(ccell,dim);
wavpack2cell
WAVPACK2CELL Changes wavelet coefficients storing format Usage: ccell = wavpack2cell(cvec,Lc); ccell = wavpack2cell(cvec,Lc,dim);
wfilt_algmband
WFILT_ALGMBAND An ALGebraic construction of orthonormal M-BAND wavelets with perfect reconstruction Usage: [h,g,a] = wfilt_algmband(K);
wfilt_cmband
WFILT_CMBAND Generates M-Band cosine modulated wavelet filters Usage: [h,g,a] = wfilt_cmband(M);
wfilt_coif
WFILT_COIF Coiflets
wfilt_db
WFILT_DB Daubechies FIR filterbank Usage: [h,g] = wfilt_db(N);
wfilt_dden
WFILT_DDEN Double-DENsity DWT filters (tight frame) Usage: [h,g,a] = wfilt_dden(N);
wfilt_dgrid
WFILT_DGRID Dense GRID framelets (tight frame, symmetric) Usage: [h,g,a] = wfilt_dgrid(N);
wfilt_hden
WFILT_HDEN Higher DENsity dwt filters (tight frame, frame) Usage: [h,g,a] = wfilt_hden(K);
wfilt_lemarie
WFILT_LEMARIE Battle and Lemarie filters Usage: [h,g,a]=wfilt_lemarie(N)
wfilt_matlabwrapper
WFILT_MATLABWRAPPER Wrapper of the Matlab Wavelet Toolbox wfilters function Usage: [h,g,a] = wfilt_matlabwrapper(wname);
wfilt_mband
WFILT_MBAND Generates 4-band coder Usage: [h,g,a] = wfilt_mband(N);
wfilt_remez
WFILT_REMEZ Filters designed using Remez exchange algorithm Usage: [h,g,a]=wfilt_remez(L,K,B)
wfilt_symds
WFILT_SYMDS Symmetric wavelets dyadic sibling Usage: [h,g,a] = wfilt_symds(K);
wfilt_spline
WFILT_SPLINE Biorthogonal spline wavelets Usage: [h,g,a]=wfilt_spline(m,n);
wfilt_sym
WFILT_SYM Symlet filters Usage: [h,g,a]=wfilt_sym(N);
wfilt_symdden
WFILT_SYMDDEN Symmetric Double-Density DWT filters (tight frame) Usage: [h,g,a] = wfilt_symdden(K);
wfilt_symorth
WFILT_SYMORTH Symmetric nearly-orthogonal and orthogonal nearly-symmetric
wfilt_symtight
WFILT_SYMTIGHT Symmetric Nearly Shift-Invariant Tight Frame Wavelets
wfilt_qshifta
WFILT_QSHIFTA Improved Orthogonality and Symmetry properties
wfilt_qshiftb
WFILT_QSHIFTB Improved Orthogonality and Symmetry properties
wfilt_oddevena
WFILT_ODDEVENA Kingsbury's symmetric even filters
wfilt_oddevenb
WFILT_ODDEVENB Kingsbury's symmetric odd filters
wfilt_optsyma
WFILT_OPTSYMA Optimizatized Symmetric Self-Hilbertian Filters
wfilt_optsymb
WFILT_OPTSYMB Optimizatized Symmetric Self-Hilbertian Filters
wfilt_ddena
WFILT_DDENA Double-Density Dual-Tree DWT filters
wfilt_ddenb
WFILT_DDENB Double-Density Dual-Tree DWT filters
wfiltdt_qshift
WFILTDT_QSHIFT Improved Orthogonality and Symmetry properties
wfiltdt_optsym
WFILTDT_OPTSYM Optimizatized Symmetric Self-Hilbertian Filters
wfiltdt_oddeven
WFILTDT_ODDEVEN Kingsbury's symmetric odd and even filters
wfiltdt_dden
WFILTDT_DDEN Double-Density Dual-Tree DWT filters

base

ltfatstart
LTFATSTART Start the LTFAT toolbox Usage: ltfatstart;
ltfatstop
LTFATSTOP Stops the LTFAT toolbox Usage: ltfatstop;
ltfathelp
LTFATHELP Help on the LTFAT toolbox Usage: ltfathelp; v=ltfathelp('version'); mlist=ltfathelp('modules');
ltfatmex
LTFATMEX Compile Mex/Oct interfaces Usage: ltfatmex; ltfatmex(...);
ltfatbasepath
LTFATBASEPATH The base path of the LTFAT installation Usage: bp = ltfatbasepath;
isoctave
ISOCTAVE True if the operating environment is octave Usage: t=isoctave();
ltfatarghelper
LTFATARGHELPER Parse arguments for LTFAT Usage: [flags,varargout] = ltfatarghelper(posdepnames,definput,arglist,callfun);
ltfatgetdefaults
LTFATGETDEFAULTS Get default parameters of function
ltfatsetdefaults
LTFATSETDEFAULTS Set default parameters of function
scalardistribute
SCALARDISTRIBUTE Copy scalar to array shape for parameter handling Usage: [...] = scalardistribute(...);
mulaclab
MULACLAB Graphical interface for audio processing using frame multipliers Usage: mulaclab; mulaclab(filename); mulaclab(signal, fs);

Package: ltfat