Contents | Voicebox: Speech Processing Toolbox for MATLAB |
v_activlev | V_ACTIVLEV Measure active speech level as in ITU-T P.56 [LEV,AF,FSO]=(sp,FS,MODE) |
v_activlevg | V_ACTIVLEVG Measure active speech level robustly [LEV,AF,FSO]=(sp,FS,MODE) |
v_addnoise | V_ADDNOISE Add noise at a chosen SNR [z,p,fso]=(s,fsx,snr,m,nb,fsa) |
v_atan2sc | V_ATAN2SC sin and cosine of atan(y/x) [S,C,R,T]=(Y,X) |
v_axisenlarge | V_AXISENLARGE - enlarge the axes of a figure (f,h) |
v_bark2frq | V_BARK2FRQ Convert the BARK frequency scale to Hertz FRQ=(BARK) |
v_berk2prob | V_BERK2PROB convert Berksons to probability |
v_besratinv0 | V_BESRATINV0 Inverse function of the Modified Bessel Ratio I1(k)/I0(k) |
v_besselratio | V_BESSELRATIO calculate the Bessel function ratio besseli(v+1,x)./besseli(v,x) |
v_besselratioi | V_BESSELRATIOI calculate the inverse Bessel function ratio |
v_bitsprec | V_BITSPREC round values to a specified fixed or floating precision (X,N,MODE) |
v_cblabel | V_CBLABEL add a label to a colorbar C=(L,H) |
v_ccwarpf | V_CCWARPF Warp cepstral coefficients M=(F,N,S) |
v_cent2frq | V_FRQ2ERB Convert Hertz to Cents frequency scale [C,CR]=(FRQ) |
v_cep2pow | V_CEP2POW convert cepstral means and variances to the power domain |
v_chimv | V_CHIMV approximate mean and variance of non-central chi distribution [m,v]=(n,l,s) |
v_choosenk | V_CHOOSENK All choices of K elements taken from 1:N [X]=(N,K) |
v_choosrnk | V_CHOOSRNK All choices of K elements taken from 1:N with replacement. [X]=(N,K) |
v_colormap | V_COLORMAP set and plot color map |
v_convfft | V_CONFFT 1-D convolution or correlation using FFT |
v_correlogram | V_CORRELOGRAM calculate correlogram [y,ty]=(x,inc,nw,nlag,m,fs) |
v_distchar | V_DISTCHAR calculates the cosh spectral distance between AR coefficients D=(AR1,AR2,MODE) |
v_distchpf | V_DISTCHPF calculates the cosh spectral distance between power spectra D=(PF1,PF2,MODE) |
v_disteusq | V_DISTEUSQ calculate euclidean, squared euclidean or mahanalobis distance D=(X,Y,MODE,W) |
v_distisar | V_DISTISAR calculates the Itakura-Saito distance between AR coefficients D=(AR1,AR2,MODE) |
v_distispf | V_DISTISPF calculates the Itakura-Saito spectral distance between power spectra D=(PF1,PF2,MODE) |
v_distitar | V_DISTITAR calculates the Itakura distance between AR coefficients D=(AR1,AR2,MODE) |
v_distitpf | V_DISTITPF calculates the Itakura spectral distance between power spectra D=(PF1,PF2,MODE) |
v_ditherq | V_DITHERQ add dither and quantize [Y,ZF]=(X,M,ZI) |
v_dlyapsq | V_DLYAPSQ Solves the discrete Lyapunov equation AV'VA' - V'V + BB' = 0 |
v_dualdiag | V_DUALDIAG Simultaneous diagonalisation of two hermitian matrices [A,D,E]=(W,B) |
v_dypsa | V_DYPSA Derive glottal closure instances from speech [gci,goi] = (s,fs) |
v_earnoise | V_EARNOISE Add noise to simulate the hearing threshold of a listener [Y,X,V]=(S,FS,M,SPL) |
v_enframe | V_ENFRAME split signal up into (overlapping) frames: one per row. [F,T]=(X,WIN,HOP) |
v_entropy | V_ENTROPY calculates the v_entropy of discrete and sampled continuous distributions H=(P,DIM,COND,ARG,STEP) |
v_erb2frq | V_ERB2FRQ Convert ERB frequency scale to Hertz FRQ=(ERB) |
v_estnoiseg | V_ESTNOISEG - estimate MMSE noise spectrum [x,zo]=(yf,tz,pp) |
v_estnoisem | V_ESTNOISEM - estimate noise spectrum using minimum statistics |
v_ewgrpdel | V_EWGRPDEL calculates the energy weighted group delay waveform Y=(X,W,M) |
v_fig2emf | V_FIG2EMF save a figure in windows metafile format (H,S,P) |
v_fig2pdf | V_FIG2EMF save a figure in pdf/eps/ps formats (H,S,P,F) |
v_figbolden | V_FIGBOLDEN embolden, resize and recolour the current figure =(POS,PV,M) |
v_filtbankm | V_FILTBANKM determine matrix for a linear/mel/erb/bark-spaced v_filterbank [X,IL,IH]=(P,N,FS,FL,FH,W) |
v_filterbank | V_FILTERBANK appply v_filterbank to a signal: [y,zo]=(b,a,x,gd) |
v_findpeaks | V_FINDPEAKS finds peaks with optional quadratic interpolation [K,V]=(Y,M,W,X) |
v_finishat | V_FINISHAT print estimated finish time of a long computation (FRAC,TOL,FMT) |
v_fopenmkd | V_FOPENMKD is the same as FOPEN but creates any missing directories [fid,mes]=(fn,pe,mf,en) |
v_frac2bin | V_FRAC2BIN Convert an column vector to binary S=(D,N,M) |
v_fram2wav | V_FRAM2WAV converts frame values to a continuous waveform [W]=(X,TT,MODE) |
v_frq2bark | V_FRQ2BARK Convert Hertz to BARK frequency scale BARK=(FRQ) |
v_frq2cent | V_FRQ2ERB Convert Hertz to Cents frequency scale [C,CR]=(FRQ) |
v_frq2erb | V_FRQ2ERB Convert Hertz to ERB frequency scale ERB=(FRQ) |
v_frq2mel | V_FRQ2ERB Convert Hertz to Mel frequency scale MEL=(FRQ) |
v_frq2midi | V_FRQ2MIDI Convert frequencies to musical note numbers [N,T]=(F) |
v_fxpefac | V_FXPEFAC PEFAC pitch tracker [FX,TT,PV,FV]=(S,FS,TINC,M,PP) |
v_fxrapt | V_FXRAPT RAPT pitch tracker [FX,VUV]=(S,FS,M,Q) |
v_gammabank | V_GAMMABANK gammatone filter bank [b,a,fx,bx,gd]=(n,fs,w,fc,bw,ph,k) |
v_gammalns | V_GAMMALNS Log of Gamma(x) for positive or negative real x [y,s]=(x) |
v_gausprod | V_GAUSPROD calculates a product of gaussians [G,U,K]=(M,C) |
v_gaussmix | V_GAUSSMIX fits a gaussian mixture pdf to a set of data observations [m,v,w,g,f]=(x,c,l,m0,v0,w0,wx) |
v_gaussmixb | V_GAUSSMIXB approximate Bhattacharyya divergence between two GMMs |
v_gaussmixd | V_GAUSSMIXD marginal and conditional Gaussian mixture densities |
v_gaussmixg | V_GAUSSMIXG global mean, variance and mode of a GMM |
v_gaussmixk | V_GAUSSMIXK approximate Kullback-Leibler divergence between two GMMs + derivatives |
v_gaussmixm | V_GAUSSMIXM estimate mean and variance of the magnitude of a GMM |
v_gaussmixp | V_GAUSSMIXP calculate probability densities from or plot a Gaussian mixture model |
v_gaussmixt | V_GAUSSMIXT Multiply two GMM pdfs |
v_glotlf | V_GLOTLF Liljencrants-Fant glottal model U=(D,T,P) |
v_glotros | V_GLOTROS Rosenberg glottal model U=(D,T,P) |
v_gmmlpdf | V_GMMLPDF obsolete function - please use GAUSSMIXP instead |
v_histndim | V_HISTNDIM - generates and/or plots an n-dimensional histogram |
v_horizdiff | V_HORIZDIFF - Estimates the horizontal difference between two functions of x |
v_hostipinfo | V_HOSTIPINFO get host name and internet connection information |
v_huffman | V_HUFFMAN calculates a D-ary v_huffman code [CC,LL]=(P,A) |
v_hypergeom1f1 | V_HYPERGEOM1F1 Confluent hypergeometric function, 1F1 a.k.a Kummer's M function [h,l]=(a,b,z,tol,maxj) |
v_imagehomog | V_IMAGEHOMOG Apply a homography transformation to an image with bilinear interpolation |
v_importsii | V_IMPORTSII calculates the SII importance function per Hz or per Bark Q=(F,M) |
v_irdct | V_IRDCT Inverse discrete cosine transform of real data X=(Y,N) |
v_irfft | V_IRFFT Inverse fft of a conjugate symmetric spectrum X=(Y,N,D) |
v_istftw | V_ISTFTW converts a time-frequency domain signal back into the time domain with the inverse Short-time Fourier Transform [X,IO]=(Y,SO,IOP) |
v_kmeanhar | V_KMEANHAR Vector quantisation using K-harmonic means algorithm [X,G,XN,GG]=(D,K,L,E,X0) |
v_kmeanlbg | V_KMEANLBG Vector quantisation using the Linde-Buzo-Gray algorithm [X,ESQ,J]=(D,K) |
v_kmeans | V_KMEANS Vector quantisation using K-means algorithm [X,ESQ,J]=(D,K,X0,L) |
v_lambda2rgb | V_LAMBDA2XYZ Convert wavelength to XYZ or RGB colour space X=(L,M) |
v_ldatrace | V_LDATRACE Calculates an LDA transform to maximize trace discriminant [a,f,B,W]=(b,w,n,c) |
v_lin2pcma | V_LIN2PCMA Convert linear PCM to A-law P=(X,M,S) |
v_lin2pcmu | V_LIN2PCMU Convert linear to Mu-law PCM P=(X,S) |
v_lognmpdf | V_LOGNMPDF calculate pdf of a multivariate lognormal distribution P=(X,M,V) |
v_logsum | V_LOGSUM v_logsum(x,d,k)=log(sum(k.*exp(x),d)) |
v_lpcaa2ao | V_LPCAA2AO LPC: Convert area function to area ratios AO=(AA) |
v_lpcaa2dl | V_LPCAA2DL LPC: Convert area coefficients to dct of log area DL=(AA) |
v_lpcaa2rf | V_LPCAA2RF LPC: Convert vocal tract areas to reflection coefficients RF=(AA) |
v_lpcao2rf | V_LPCAO2RF LPC: Convert area ratios to reflection coefficients RF=(AO) |
v_lpcar2am | V_LPCAR2AM Convert ar coefs to ar coef matrix [AM,EM]=(AR,P) |
v_lpcar2cc | V_LPCAR2CC LPC: Convert AR filter to complex cepstrum [CC,C0]=(AR,NP) |
v_lpcar2db | V_LPCAR2DB LPC: Convert AR coefs to power spectrum in dB DB=(AR) |
v_lpcar2ff | V_LPCAR2FF LPC: Convert AR coefs to complex spectrum FF=(AR,NP) |
v_lpcar2fm | V_LPCAR2RF Convert autoregressive coefficients to formant freq+amp+bw [N,F,A,B]=(AR,T) |
v_lpcar2im | V_LPCAR2IM Convert AR coefs to impulse response IM=(AR,NP) |
v_lpcar2ls | V_LPCAR2LS convert ar polynomial to line spectrum pair frequencies LS=(AR) |
v_lpcar2pf | V_LPCAR2PF Convert AR coefs to power spectrum PF=(AR,NP) |
v_lpcar2pp | V_LPCAR2PP LPC: Convert ar filter to power spectrum polynomial in cos(w) PP=(AR) |
v_lpcar2ra | V_LPCAR2RA Convert ar filter to inverse filter autocorrelation coefs. RA=(AR) |
v_lpcar2rf | V_LPCAR2RF Convert autoregressive coefficients to reflection coefficients AR=(RF) |
v_lpcar2rr | V_LPCAR2RR Convert autoregressive coefficients to autocorrelation coefficients RR=(AR,P) |
v_lpcar2zz | V_LPCAR2ZZ Convert ar filter to z-plane poles ZZ=(AR) |
v_lpcauto | V_LPCAUTO performs autocorrelation LPC analysis [AR,E,K]=(S,P,T) |
v_lpcbwexp | V_LPCBWEXP expand formant bandwidths of LPC filter ARX=(AR,BW) |
v_lpccc2ar | V_LPCCC2AR Convert complex cepstrum to ar coefficients AR=(CC) |
v_lpccc2cc | V_LPCCC2PF Extrapolate complex cepstrum C=(CC) |
v_lpccc2db | V_LPCCC2DB Convert complex cepstrum to dB power spectrum DB=(CC,NP,NC) |
v_lpccc2ff | V_LPCCC2FF Convert complex cepstrum to complex spectrum FF=(CC,NP,NC) |
v_lpccc2pf | V_LPCCC2PF Convert complex cepstrum to power spectrum PF=(CC,NP,NC) |
v_lpcconv | V_LPCCONV(from,to,x,y)->s convert between LPC parameter sets |
v_lpccovar | V_LPCCOVAR performs covariance LPC analysis [AR,E,DC]=(S,P,T) |
v_lpccw2zz | V_LPCPZ2ZZ LPC: Power spectrum roots to LPC poles ZZ=(CW) |
v_lpcdb2pf | V_LPCDB2PF Convert decibel power spectrum to power spectrum PF=(DB) |
v_lpcdl2aa | V_LPCDL2AA dct of log area to area coefficients AA=(DL) |
v_lpcff2pf | V_LPCFF2PF Convert complex spectrum to power spectrum PF=(FF) |
v_lpcfq2zz | V_LPCFQ2ZZ Convert frequencies and q factors to z-plane poles ZZ=(F,Q) |
v_lpcifilt | V_LPCIFILT Apply inverse filter to speech signal U=(S,AR,T,DC,FADE) |
v_lpcim2ar | V_LPCIM2AR Convert impulse response to AR coefs AR=(IM) |
v_lpcis2rf | V_LPCRF2IS Convert inverse sines to reflection coefficients RF=(IS) |
v_lpcla2rf | V_LPCLA2RF Convert log areas to reflection coefficients RF=(LA) |
v_lpclo2rf | V_LPCLO2RF Convert log area ratios to reflection coefficients RF=(LO) |
v_lpcls2ar | V_LPCLS2AR convert line spectrum pair frequencies to ar polynomial AR=(LS) |
v_lpcpf2cc | V_LPCPF2CC Convert power spectrum to complex cepstrum CC=(PF,NP) |
v_lpcpf2ff | V_LPCPF2FF Convert power spectrum to complex spectrum [FF,FO]=(PF,NP,FI) |
v_lpcpf2rr | V_LPCPF2RR convert power spectrum to autocorrelation coefs RR=(PF,P) |
v_lpcpp2cw | V_LPCPP2PZ LPC: Convert power spectrum polynomial in cos(w) to power spectrum zeros CW=(RP) |
v_lpcpp2pz | V_LPCPP2PZ LPC: Convert power spectrum polynomial in cos(w) to power spectrum zeros PZ=(RP) |
v_lpcpz2zz | V_LPCPZ2ZZ LPC: Power spectrum roots to LPC poles ZZ=(PZ) |
v_lpcra2ar | V_LPCRA2AR Convert inverse filter autocorrelation coefs to AR filter. AR=(RA) |
v_lpcra2pf | V_LPCAR2PF Convert AR coefs to power spectrum PF=(RA,NP) |
v_lpcra2pp | V_LPCAR2PP LPC: Convert ar filter autocorrelation to power spectrum polynomial in cos(w) PP=(RA) |
v_lpcrand | V_LPCRAND generate random stable polynomials AR=(P,N,BW) |
v_lpcrf2aa | V_LPCRF2AA Convert reflection coefficients to area function AA=(RF) |
v_lpcrf2ao | V_LPCRF2AO Convert reflection coefficients to area ratios AO=(RF) |
v_lpcrf2ar | V_LPCRF2AR Convert reflection coefs to autoregressive coefs [AR,ARP,ARU,G]=(RF) |
v_lpcrf2is | V_LPCRF2IS Convert reflection coefficients to inverse sines IS=(RF) |
v_lpcrf2la | V_LPCRF2LA Convert reflection coefficients to log areas LA=(RF) |
v_lpcrf2lo | V_LPCRF2LO Convert reflection coefficients to log area ratios LO=(RF) |
v_lpcrf2rr | V_LPCRR2AR convert reflection coefs to autocorrelation coefs [RR,AR]=(RF,P) |
v_lpcrr2am | V_LPCRR2AM Convert autocorrelation coefs to ar coef matrix [AM,EM]=(RR) |
v_lpcrr2ar | V_LPCRR2AR convert autocorrelation coefs to ar coefs [AR,E]=(RR) |
v_lpcss2zz | V_LPCSS2ZZ Convert s-place poles to z-plane poles ZZ=(SS) |
v_lpcstable | V_LPCSTABLE Test AR coefficients for stability and stabilize if necessary [MA,A]=(AR) |
v_lpczz2ar | V_LPCZZ2AR Convert z-place poles to ar coefficients AR=(ZZ) |
v_lpczz2cc | V_LPCZZ2CC Convert poles to "complex" cepstrum CC=(ZZ,NP) |
v_lpczz2ss | V_LPCZZ2SS Convert z-place poles to s-plane poles SS=(ZZ) |
v_m2htmlpwd | V_M2HTMLPWD - create html documentation of files in current directory |
v_maxfilt | V_MAXFILT find max of an exponentially weighted sliding window [Y,K,Y0]=(X,F,nn,D,X0) |
v_maxgauss | V_MAXGAUSS determine gaussian approximation to max of a gaussian vector [p,u,v,r]=(m,c,d) |
v_meansqtf | V_AVEPSPEC calculates the mean square transfer function for a filter D=(B,A) |
v_mel2frq | V_MEL2FRQ Convert Mel frequency scale to Hertz FRQ=(MEL) |
v_melbankm | V_MELBANKM determine matrix for a mel/erb/bark-spaced filterbank [X,MN,MX]=(P,N,FS,FL,FH,W) |
v_melcepst | V_MELCEPST Calculate the mel cepstrum of a signal C=(S,FS,W,NC,P,N,INC,FL,FH) |
v_midi2frq | V_MIDI2FRQ Convert musical note numbers to frequencies F=(N,S) |
v_minspane | V_MINSPANE calculate minimum spanning tree using euclidean distance [p,s]=X |
v_mintrace | V_MINTRACE find row permutation to minimize the trace p=(x) |
v_modspect | V_MODSPECT Calculate the modulation spectrum of a signal C=(S,FS,W,NC,P,N,INC,FL,FH) |
v_modsym | V_MODSYM symmetric modulus function [Z]=(X,Y,R) |
v_momfilt | V_MOMFILT calculates moments of a signal using a sliding window Y=(X,R,W,M) |
v_mos2pesq | V_MOS2PESQ convert MOS speech quality scores to PESQ p=(m) |
v_nearnonz | V_NEARNONZ replace each zero element with the nearest non-zero element [V,Y,W]=v_nearnonz(X,D) |
v_normcdflog | V_NORMCDFLOG calculates log of Normal Cumulative Distribution function p=(x,m,s) |
v_overlapadd | V_OVERLAPADD join overlapping frames together X=(F,WIN,INC) |
v_paramsetch | V_PARAMSETCH update and check parameter values p=(d,q,m,c,t) |
v_pcma2lin | V_PCMU2LIN Convert A-law PCM to linear X=(P,M,S) |
v_pcmu2lin | V_PCMU2LIN Convert Mu-law PCM to linear X=(P,S) |
v_pdfmoments | V_PDFMOMENTS convert between central moments, raw moments and cumulants [C,R,K]=(T,M,B,A) |
v_peak2dquad | V_PEAK2DQUAD find quadratically-interpolated peak in a 2D array |
v_permutes | V_PERMUTES All N! permutations of 1:N + signatures [P,S]=(N) |
v_pesq2mos | V_PESQ2MOS convert PESQ speech quality scores to MOS m=(p) |
v_phon2sone | V_PHON2SONE convert PHON loudness values to SONEs s=(p) |
v_polygonarea | V_POLYGONAREA Calculate the area of a polygon |
v_polygonwind | V_POLYGONWIND Test if points are inside a polygon |
v_polygonxline | V_POLYGONXLINE Find where a line crosses a polygon [xc,ec,tc,xy0]=(p,l) |
v_potsband | V_POTSBAND Design filter for 300-3400 telephone bandwidth [B,A]=(FS) |
v_pow2cep | V_POW2CEP convert power domain means and variances to the cepstral domain |
v_ppmvu | V_PPMVU calculate PPM, VU or EBU level of an audio signal [V,FX,FX1]=(X,FSX,M) |
v_prob2berk | V_PROB2BERK convert probability to Berksons |
v_psycdigit | V_PSYCDIGIT measures psychometric function using TIDIGITS stimuli |
v_psycest | V_PSYCEST estimate multiple psychometric functions |
v_psycestu | V_PSYCESTU estimate unimodal psychometric function |
v_psychofunc | V_PSYCHOFUNC Calculate psychometric functions: trial success probability versus SNR |
v_qrabs | V_QRABS absolute value and normalization of a real quaternions [m,q]=[q1] |
v_qrdivide | V_QRDIVIDE divdes two real quaternions q=[q1,q2] |
v_qrdotdiv | V_QRDOTDIV divides two real quaternions arrays elementwise q=[x,y] |
v_qrdotmult | V_QRDOTMULT multiplies together two real quaternions arrays q=[q1,q2] |
v_qrmult | V_QRMULT multiplies together two real quaternions matrices q=[q1,q2] |
v_qrpermute | V_QRPERMUTE transpose or permute a quaternion array y=[x,p] |
v_quadpeak | V_PEAK2DQUAD find quadratically-interpolated peak in a N-D array |
v_randfilt | V_RANDFILT Generate filtered gaussian noise without initial transient |
v_randiscr | V_RANDISCR Generate discrete random numbers with specified probabiities [X]=(P,N,A) |
v_randvec | V_RANDVEC Generate real or complex GMM/lognormal random vectors X=(N,M,C,W,MODE) |
v_rangelim | V_RANGELIM limit the range of matrix elements: Y=(X,R,M) |
v_rdct | V_RDCT Discrete cosine transform of real data Y=(X,N,A,B) |
v_readaif | V_READAIF Read a .AIF format sound file [Y,FS,WMODE,FIDX]=(FILENAME,MODE,NMAX,NSKIP) |
v_readau | V_READAU Read a SUN .AU format sound file [Y,FS,H]=(FILENAME) |
v_readcnx | V_READCNX Read a .CNX format sound file [Y,FS,H]=(FILENAME) |
v_readflac | V_READFLAC Read a .FLAC format sound file [Y,FS]=(FILENAME,MODE) |
v_readhtk | V_READHTK read an HTK parameter file [D,FP,DT,TC,T]=(FILE) |
v_readsfs | V_READSFS Read a .SFS format sound file [Y,FS,HD,FFX]=(FF,TY,SUB,MODE,NMAX,NSKIP,XPATH) |
v_readsph | V_READSPH Read a SPHERE/TIMIT format sound file [Y,FS,WRD,PHN,FFX]=(FILENAME,MODE,NMAX,NSKIP) |
v_readwav | V_READWAV Read a .WAV format sound file [Y,FS,WMODE,FIDX]=(FILENAME,MODE,NMAX,NSKIP) |
v_rectifyhomog | V_RECTIFYHOMOG Apply rectifying homographies to an image set |
v_regexfiles | V_REGEXFILES recursively searches for files matching a pattern tok=(regex,root) |
v_resample | V_RESAMPLE Resample and remove end transients [y,h]=(x,p,q,n,b) |
v_rfft | V_RFFT Calculate the DFT of real data Y=(X,N,D) |
v_rhartley | V_RHARTLEY Calculate the Hartley transform of real data Y=(X,N) |
v_rnsubset | V_RNSUBSET choose k distinct random integers from 1:n M=(K,N) |
v_rootstab | V_ROOTSTAB determines the number of polynomial roots outside, inside and on the unit circle [NO,NI,NC]=v_rootstab(P) |
v_rotation | V_ROTATION Encode and decode rotation matrices |
v_rotax2qr | V_ROTQR2AX converts a rotation axis and angle to the corresponding real quaternion |
v_roteu2qr | ROTEU2QR converts a sequence of Euler angles to a real unit quaternion |
v_roteu2ro | V_ROTEU2QR converts a sequence of Euler angles to a rotation matrix |
v_roteucode | V_ROTEUCODE decodes a string specifying a rotation axis sequence |
v_rotlu2ro | V_ROTLU2RO converts look and up directions to a rotation matrix |
v_rotmc2qc | V_ROTMC2QC converts a matrix of complex quaternion matrices to a matrix of complex quaternion vectors |
v_rotmr2qr | V_ROTMR2QR converts a matrix of real quaternion matrices to quaternion vectors |
v_rotpl2ro | V_ROTPL2RO find matrix to rotate in the plane containing u and v r=[u,v,t] |
v_rotqc2mc | V_ROTQC2MC converts a matrix of complex quaternion vectors to quaternion matrices |
v_rotqc2qr | V_ROTQC2QR converts a matrix of complex quaternion row vectors into real form |
v_rotqr2ax | V_ROTQR2AX converts a real quaternion to the corresponding rotation axis and angle |
v_rotqr2eu | V_ROTQR2EQ converts a real unit quaternion into the corresponding euler angles |
v_rotqr2mr | V_ROTQR2MR converts a matrix of real quaternion vectors to quaternion matrices |
v_rotqr2qc | V_ROTQR2QC converts a matrix of real quaternion vectors into complex form |
v_rotqr2ro | ROTQR2RO converts a real quaternion to a 3x3 rotation matrix |
v_rotqrmean | V_ROTQRMEAN calculates the mean rotation of a quaternion array [y,s]=[q] |
v_rotqrvec | V_ROTQRVEC applies a quaternion rotation ot a vector array y=[q,x] |
v_rotro2eu | V_ROTRO2EU converts a 3x3 rotation matrix into the corresponding euler angles |
v_rotro2lu | V_ROTRO2QR converts a 3x3 rotation matrix to look and up directions |
v_rotro2pl | V_ROTRO2PL find the plane and rotation angle of a rotation matrix [u,v,t]=r |
v_rotro2qr | V_ROTRO2QR converts a 3x3 rotation matrix to a real quaternion |
v_rsfft | V_RSFFT fft of a real symmetric spectrum X=(Y,N) |
v_sapisynth | V_SAPISYNTH text-to-speech synthesize of text string or matrix [X,FS,TXT]=(T,M) |
v_schmitt | V_SCHMITT Pass input signal X through a v_schmitt trigger |
v_sigalign | V_SIGALIGN align a clean reference with a noisy signal [d,g,rr,ss]=(s,r,maxd,m,fs) |
v_sigma | V_SIGMA Estimate glottal opening an closing instants |
v_skew3d | V_SKEW3D Convert between a vector and the corresponding skew-symmetric matrix |
v_snrseg | V_SNRSEG Measure segmental and global SNR [SEG,GLO]=(S,R,FS,M,TF) |
v_sone2phon | V_PHON2SONE convert SONE loudness values to PHONs p=(s) |
v_sort | V_SORT Sort in ascending or descending order including an inverse index. |
v_soundspeed | V_SOUNDSPEED gives the speed of sound, density of air and acoustic impedance as a function of temp & pressure [V,D,Z]=(T,P,M,G) |
v_specsub | V_SPECSUB performs speech enhancement using spectral subtraction [SS,ZO]=(S,FSZ,P) |
v_specsubm | V_SPECSUBM obsolete speech enhancement algorithm - use v_specsub instead |
v_spendred | V_SPENDRED Speech Enhancement and Dereverberation by Doire |
v_spgrambw | V_SPGRAMBW Draw spectrogram [T,F,B]=(s,fs,mode,bw,fmax,db,tinc,ann) |
v_sphrharm | V_SPHRHARM forward and inverse spherical harmonic transform |
v_sprintcpx | V_SPRINTCPX format a complex number for printing S=(Z,F) |
v_sprintsi | V_SPRINTSI Print X with SI multiplier S=(X,D,W,U) |
v_ssubmmse | V_SSUBMMSE performs speech enhancement using mmse estimate of spectral amplitude or log amplitude [SS,ZO]=(S,FSZ,PP) |
v_ssubmmsev | V_SSUBMMSE performs speech enhancement using mmse estimate of spectral amplitude or log amplitude [SS,ZO]=(S,FSZ,P) |
v_stdspectrum | V_STDSPECTRUM Generate standard acoustic/speech spectra in s- or z-domain [B,A,SI,SN]=(S,M,F,N,ZI,BS,AS) |
v_stftw | V_STFTW converts a time-domain signal into the time-frequency domain with the Short-time Fourier Transform [Y,SO,T,F]=(X,NW,M,OV) |
v_stoi2prob | V_STOI2PROB convert STOI to probability |
v_teager | V_TEAGER calculate v_teager energy waveform Y=(X,D,M) |
v_texthvc | V_TEXTHVC - write text on graph with specified alignment and colour |
v_tilefigs | V_TILEFIGS tile current figures |
v_txalign | V_TXALIGN Find the best alignment of two sets of time markers [KX,KY,N,M,S]=(X,Y,MAXT) |
v_unixwhich | V_UNIXWHICH Search system path for an executable program [F]=(C,E) |
v_upolyhedron | V_UPOLYHEDRON calculate uniform polyhedron characteristics |
v_usasi | V_USASI generates N samples of USASI noise at sample frequency FS X=(N,FS) |
v_vadsohn | V_VADSOHN implements a voice activity detector [VS,ZO]=(S,FSZ,M,P) |
v_voicebox | V_VOICEBOX set global parameters for Voicebox functions Y=(FIELD,VAL) |
v_voicebox_update | V_VOICEBOX_UPDATE update v_voicebox calls by prefixing with 'v_' |
v_vonmisespdf | V_VONMISESPDF Von Mises probability distribution P=(x,m,k) |
v_windinfo | V_WINDINFO window information and figures of merit X=(W,FS) |
v_windows | V_WINDOWS Generate a standard windowing function (TYPE,N,MODE,P,OV) |
v_winenvar | V_WINENVAR get windows environment variable [D]=(N) |
v_writehtk | V_WRITEHTK write data in HTK format []=(FILE,D,FP,TC) |
v_writewav | V_WRITEWAV Creates .WAV format sound files FIDX=(D,FS,FILENAME,MODE,NSKIP,MASK,MAD) |
v_xtickint | V_XTICKINT removes non-integer ticks from a plot XTICK=(AX) |
v_xticksi | V_XTIXKSI labels the x-axis of a plot using SI multipliers S=(AH) |
v_xyzticksi | V_XYZTIXKSI labels an axis of a plot using SI multipliers S=(AX,AH) |
v_ytickint | V_YTICKINT removes non-integer ticks from a plot YTICK=(AX) |
v_yticksi | V_YTIXKSI labels the y-axis of a plot using SI multipliers S=(AH) |
v_zerocros | V_ZEROCROS finds the zeros crossings in a signal [T,S]=(Y,M,X) |
v_zerotrim | V_ZEROTRIM Remove zero trailing rows and columns Z=(X) |
v_zoomfft | V_ZOOMFFT DTFT evaluated over a linear frequency range Y=(X,N,M,S,D) |
wavread | WAVREAD Legacy MATLAB function to read .WAV file [Y,FS,BITS]=(FILENAME,NMAX) |
wavwrite | WAVREAD Legacy MATLAB function to write .WAV file (Y,Fs,N,FILENAME) |