matlab统计工具箱函数
MATLAB的常用函数和工具介绍

MATLAB的常用函数和工具介绍MATLAB是一款被广泛应用于科学计算和工程设计的软件,它提供了丰富的函数库和工具箱,能够帮助用户进行数据分析、模拟仿真、图像处理、信号处理等多种任务。
本文将介绍一些MATLAB常用的函数和工具,帮助读者更好地利用MATLAB进行编程和数据处理。
一、MATLAB函数介绍1. plot函数:该函数用于绘制二维图形,如折线图、曲线图等。
通过输入数据点的坐标,plot函数可以帮助用户快速可视化数据分布,同时支持自定义线型、颜色和标注等功能。
2. imread函数:该函数用于读取图像文件,支持常见的图像格式,如JPEG、PNG等。
通过imread函数,用户可以方便地加载图像数据进行后续的处理和分析。
3. fft函数:该函数用于进行快速傅里叶变换,可以将时域信号转换为频域信号。
傅里叶变换在信号处理中广泛应用,通过fft函数,用户可以快速计算信号的频谱信息。
4. solve函数:该函数用于求解方程组,支持线性方程和非线性方程的求解。
用户只需输入方程组的表达式,solve函数会自动求解变量的值,帮助用户解决复杂的数学问题。
5. mean函数:该函数用于计算数据的平均值。
mean函数支持数组、矩阵和向量等多种数据类型,可以方便地对数据进行统计分析。
6. importdata函数:该函数用于导入外部数据文件,如文本文件、CSV文件等。
通过importdata函数,用户可以将外部数据加载到MATLAB中,进行后续的数据处理和分析。
二、MATLAB工具介绍1. MATLAB Editor:这是MATLAB自带的编辑器,可以用于编写和调试MATLAB代码。
它提供了代码高亮、自动缩进和代码片段等功能,能够提高编程效率和代码可读性。
2. Simulink:这是MATLAB的一个强大的仿真工具,用于建立动态系统的模型并进行仿真。
Simulink支持直观的图形化建模界面,用户可以通过拖拽元件和线条来搭建系统模型,进而进行仿真和系统分析。
matlab统计种类

matlab统计种类Matlab是一种用于数值计算和数据可视化的高级编程语言和环境。
它在科学研究、数据分析和工程设计方面都有广泛的应用。
在数据统计方面,Matlab提供了多种用于统计分析、数据处理和模型建立的函数和工具箱。
下面将介绍一些常用的Matlab统计函数和工具箱。
1. 基本统计功能:Matlab提供了一系列基本的统计计算函数,如平均数、标准差、方差、中位数等。
这些函数可以直接应用于数据向量或矩阵。
2. 概率分布函数:Matlab提供了多种概率分布函数,如正态分布、二项分布、泊松分布等。
这些函数可用于生成服从指定分布的随机数,或计算概率密度函数和累积分布函数。
3. 统计图表:Matlab内置的绘图函数可以用于创建各种统计图表,如直方图、散点图、箱线图等。
这些图表可用于数据的可视化和分析。
4. 回归分析:Matlab提供了回归分析函数和工具箱,可用于拟合线性或非线性回归模型。
这些函数可用于评估变量之间的关系,并预测未来的观测值。
5. 方差分析:Matlab提供了方差分析函数和工具箱,可用于比较多个组别之间的均值差异。
方差分析可用于检验因素对观测值之间差异的显著性。
6. 非参数统计:Matlab提供了多种非参数统计函数和工具箱,如Mann-Whitney U检验、Wilcoxon符号秩检验等。
非参数统计方法可应用于不满足正态分布假设的数据。
7. 时间序列分析:Matlab提供了时间序列分析函数和工具箱,可用于模型拟合、趋势分析、季节性调整等。
时间序列分析可用于预测未来的观测值或分析时间序列数据的波动性。
8. 多元分析:Matlab提供了多元分析函数和工具箱,如主成分分析、因子分析、聚类分析等。
多元分析可用于降维、数据压缩和数据分类。
9. 假设检验:Matlab提供了多种假设检验函数和工具箱,可用于验证统计推断的显著性。
常见的假设检验方法包括t检验、卡方检验、F检验等。
10. 贝叶斯统计:Matlab提供了贝叶斯统计函数和工具箱,可用于贝叶斯推断和模型选择。
matlab常用工具箱函数注释

matlab常用工具箱函数注释说明:函数首字母皆为小写!1 线性代数1.1 矩阵分析Norm 矩阵或向量的范数Null 零空间Normest 估计矩阵的2范数Orth 正交化Rank 矩阵的秩Rref 简化矩阵为梯形形式Det 矩阵行列式的值Subspace 两个子空间的夹角1.2 线性方程\\和/ 线性方程求解Lu LU分解Inv 矩阵的逆Ilu 不完全的LU分解Cond 矩阵条件数Luinc 不完全的LU分解Condest 1范条件数估计Qr QR分解Lsqnonneg 非负线性最小二乘CholCholesky分解Cholinc 不完全cholesky分解Pinv 伪逆Linsolve 带特殊控制的线性方程求解Lscov 已知协方差的最小二乘1.3 特征值和奇异值Eig 特征值和特征向量Polyeig 多项式特征值问题Svd 奇异值分解Condeig 已知特征值求条件数Eigs 稀疏矩阵的特征值Hess Hessenberg型Svds 稀疏矩阵的奇异值和向量Qz 广义特征值的QZ分解Poly 特征多项式Schur Schur分解1.4 矩阵函数Expm 矩阵指数Sqrtm 矩阵平方根Logm 矩阵对数Funm 计算一般矩阵函数2 曲线拟合工具箱函数2.1 拟合数据预处理Cftool 打开GUI形式的工具箱Smooth 对数据点做平滑处理Excludedata 去除异常数据点2.2 数据拟合Cftool 打开GUI形式工具箱Fittype构造一个曲线拟合对象Fit用指定的拟合模型对数据进行拟合Get 获取拟合选项结构体的某个字段名及其值Fitoptions 创建或修改拟合选项结构体Set 设置拟合选项某字段值2.3 拟合类型和方法Argnames 曲线拟合类型(或函数)对象的输入参量名Indepnames 曲线拟合类型(或函数)的自变量Category 曲线拟合类型(或函数)的拟合类型Islinear 判断曲线拟合类型(或函数)是否为线性Coeffnames 曲线拟合类型(或函数)的系数名称Numargs 曲线拟合类型(或函数)的输入参数个数Dependnames 曲线拟合类型(或函数)的因变量Numcoeffs 曲线拟合类型(或函数)的拟合系数个数Feval 计算曲线拟合类型(或函数)Probnames 曲线拟合类型(或函数)的问题相关参数名称Fittype创建一个曲线拟合类型(或函数)Type 曲线拟合类型(或函数)的名称Formula 曲线拟合类型(或函数)的公式2.4 曲线拟合的方法(和2.3相同的没再写)Cfit 创建一个曲线拟合函数对象Confint 拟合系数的值的置信区间Coeffvalues 通过拟合得到的拟合函数的系数值Predint 在任意点处用拟合函数计算得到的函数值的95%置信区间Differentiate 求取拟合函数的导数Integrate 拟合函数的积分Plot 绘制拟合曲线图Probvalues 拟合函数中的与问题相关的参数值还包括除去表2.3中fittype外所有函数,解释同上。
Matlab中统计分析函数

Distributions.Parameter estimation.betafit - Beta parameter estimation.binofit - Binomial parameter estimation.dfittool - Distribution fitting tool.evfit - Extreme value parameter estimation.expfit - Exponential parameter estimation.fitdist - Distribution fitting.gamfit - Gamma parameter estimation.gevfit - Generalized extreme value parameter estimation.gmdistribution - Gaussian mixture model estimation.gpfit - Generalized Pareto parameter estimation.lognfit - Lognormal parameter estimation.mle - Maximum likelihood estimation (MLE).mlecov - Asymptotic covariance matrix of MLE.nbinfit - Negative binomial parameter estimation.normfit - Normal parameter estimation.paretotails - Empirical cdf with generalized Pareto tails.poissfit - Poisson parameter estimation.raylfit - Rayleigh parameter estimation.unifit - Uniform parameter estimation.wblfit - Weibull parameter estimation. Probability density functions (pdf).betapdf - Beta density.binopdf - Binomial density.chi2pdf - Chi square density.evpdf - Extreme value density.exppdf - Exponential density.fpdf - F density.gampdf - Gamma density.geopdf - Geometric density.gevpdf - Generalized extreme value density. gppdf - Generalized Pareto density.hygepdf - Hypergeometric density.lognpdf - Lognormal density.mnpdf - Multinomial probability density function. mvnpdf - Multivariate normal density.mvtpdf - Multivariate t density.nbinpdf - Negative binomial density.ncfpdf - Noncentral F density.nctpdf - Noncentral t density.ncx2pdf - Noncentral Chi-square density. normpdf - Normal (Gaussian) density.pdf - Density function for a specified distribution.poisspdf - Poisson density.raylpdf - Rayleigh density.tpdf - T density.unidpdf - Discrete uniform density.unifpdf - Uniform density.wblpdf - Weibull density.Cumulative Distribution functions (cdf).betacdf - Beta cumulative distribution function.binocdf - Binomial cumulative distribution function.cdf - Specified cumulative distribution function.chi2cdf - Chi square cumulative distribution function.ecdf - Empirical cumulative distribution function (Kaplan-Meier estimate).evcdf - Extreme value cumulative distribution function.expcdf - Exponential cumulative distribution function.fcdf - F cumulative distribution function.gamcdf - Gamma cumulative distribution function.geocdf - Geometric cumulative distribution function.gevcdf - Generalized extreme value cumulative distribution function.gpcdf - Generalized Pareto cumulative distribution function.hygecdf - Hypergeometric cumulative distribution function.logncdf - Lognormal cumulative distribution function.mvncdf - Multivariate normal cumulative distribution function. mvtcdf - Multivariate t cumulative distribution function. nbincdf - Negative binomial cumulative distribution function. ncfcdf - Noncentral F cumulative distribution function.nctcdf - Noncentral t cumulative distribution function.ncx2cdf - Noncentral Chi-square cumulative distribution function. normcdf - Normal (Gaussian) cumulative distribution function. poisscdf - Poisson cumulative distribution function.raylcdf - Rayleigh cumulative distribution function.tcdf - T cumulative distribution function.unidcdf - Discrete uniform cumulative distribution function. unifcdf - Uniform cumulative distribution function.wblcdf - Weibull cumulative distribution function.Critical Values of Distribution functions.betainv - Beta inverse cumulative distribution function.binoinv - Binomial inverse cumulative distribution function.chi2inv - Chi square inverse cumulative distribution function. evinv - Extreme value inverse cumulative distribution function. expinv - Exponential inverse cumulative distribution function. finv - F inverse cumulative distribution function.gaminv - Gamma inverse cumulative distribution function.geoinv - Geometric inverse cumulative distribution function.gevinv - Generalized extreme value inverse cumulative distribution function.gpinv - Generalized Pareto inverse cumulative distribution function.hygeinv - Hypergeometric inverse cumulative distribution function.icdf - Specified inverse cumulative distribution function.logninv - Lognormal inverse cumulative distribution function.nbininv - Negative binomial inverse distribution function.ncfinv - Noncentral F inverse cumulative distribution function.nctinv - Noncentral t inverse cumulative distribution function.ncx2inv - Noncentral Chi-square inverse distribution function.norminv - Normal (Gaussian) inverse cumulative distribution function.poissinv - Poisson inverse cumulative distribution function.raylinv - Rayleigh inverse cumulative distribution function.tinv - T inverse cumulative distribution function.unidinv - Discrete uniform inverse cumulative distribution function.unifinv - Uniform inverse cumulative distribution function.wblinv - Weibull inverse cumulative distribution function.Random Number Generators.betarnd - Beta random numbers.binornd - Binomial random numbers.chi2rnd - Chi square random numbers.evrnd - Extreme value random numbers.exprnd - Exponential random numbers.frnd - F random numbers.gamrnd - Gamma random numbers.geornd - Geometric random numbers.gevrnd - Generalized extreme value random numbers.gprnd - Generalized Pareto inverse random numbers.hygernd - Hypergeometric random numbers.iwishrnd - Inverse Wishart random matrix.johnsrnd - Random numbers from the Johnson system of distributions. lognrnd - Lognormal random numbers.mhsample - Metropolis-Hastings algorithm.mnrnd - Multinomial random vectors.mvnrnd - Multivariate normal random vectors.mvtrnd - Multivariate t random vectors.nbinrnd - Negative binomial random numbers.ncfrnd - Noncentral F random numbers.nctrnd - Noncentral t random numbers.ncx2rnd - Noncentral Chi-square random numbers.normrnd - Normal (Gaussian) random numbers.pearsrnd - Random numbers from the Pearson system of distributions. poissrnd - Poisson random numbers.randg - Gamma random numbers (unit scale). random - Random numbers from specified distribution. randsample - Random sample from finite population. raylrnd - Rayleigh random numbers.slicesample - Slice sampling method.trnd - T random numbers.unidrnd - Discrete uniform random numbers.unifrnd - Uniform random numbers.wblrnd - Weibull random numbers.wishrnd - Wishart random matrix.Quasi-Random Number Generators.haltonset - Halton sequence point set.qrandstream - Quasi-random stream.sobolset - Sobol sequence point set.Statistics.betastat - Beta mean and variance.binostat - Binomial mean and variance.chi2stat - Chi square mean and variance.evstat - Extreme value mean and variance.expstat - Exponential mean and variance.fstat - F mean and variance.gamstat - Gamma mean and variance.geostat - Geometric mean and variance.gevstat - Generalized extreme value mean and variance. gpstat - Generalized Pareto inverse mean and variance. hygestat - Hypergeometric mean and variance. lognstat - Lognormal mean and variance.nbinstat - Negative binomial mean and variance. ncfstat - Noncentral F mean and variance.nctstat - Noncentral t mean and variance.ncx2stat - Noncentral Chi-square mean and variance. normstat - Normal (Gaussian) mean and variance. poisstat - Poisson mean and variance.raylstat - Rayleigh mean and variance.tstat - T mean and variance.unidstat - Discrete uniform mean and variance.unifstat - Uniform mean and variance.wblstat - Weibull mean and variance.Likelihood functions.betalike - Negative beta log-likelihood.evlike - Negative extreme value log-likelihood. explike - Negative exponential log-likelihood. gamlike - Negative gamma log-likelihood.gevlike - Generalized extreme value log-likelihood.gplike - Generalized Pareto inverse log-likelihood. lognlike - Negative lognormal log-likelihood.nbinlike - Negative binomial log-likelihood.normlike - Negative normal likelihood.wbllike - Negative Weibull log-likelihood.Probability distribution objects.ProbDistUnivKernel - Univariate kernel smoothing distributions. ProbDistUnivParam - Univariate parametric distributions. Descriptive Statistics.bootci - Bootstrap confidence intervals.bootstrp - Bootstrap statistics.corr - Linear or rank correlation coefficient.corrcoef - Linear correlation coefficient (in MATLAB toolbox). cov - Covariance (in MATLAB toolbox).crosstab - Cross tabulation.geomean - Geometric mean.grpstats - Summary statistics by group.harmmean - Harmonic mean.iqr - Interquartile range.jackknife - Jackknife statistics.kurtosis - Kurtosis.mad - Median Absolute Deviation.mean - Sample average (in MATLAB toolbox).median - 50th percentile of a sample (in MATLAB toolbox).mode - Mode, or most frequent value in a sample (in MATLAB toolbox). moment - Moments of a sample.nancov - Covariance matrix ignoring NaNs.nanmax - Maximum ignoring NaNs.nanmean - Mean ignoring NaNs.nanmedian - Median ignoring NaNs.nanmin - Minimum ignoring NaNs.nanstd - Standard deviation ignoring NaNs.nansum - Sum ignoring NaNs.nanvar - Variance ignoring NaNs.partialcorr - Linear or rank partial correlation coefficient.prctile - Percentiles.quantile - Quantiles.range - Range.skewness - Skewness.std - Standard deviation (in MATLAB toolbox).tabulate - Frequency table.trimmean - Trimmed mean.var - Variance (in MATLAB toolbox).Linear Models.addedvarplot - Created added-variable plot for stepwise regression.anova1 - One-way analysis of variance.anova2 - Two-way analysis of variance.anovan - n-way analysis of variance.aoctool - Interactive tool for analysis of covariance.dummyvar - Dummy-variable coding.friedman - Friedman's test (nonparametric two-way anova).glmfit - Generalized linear model fitting.glmval - Evaluate fitted values for generalized linear model.invpred - Inverse prediction for simple linear regression.kruskalwallis - Kruskal-Wallis test (nonparametric one-way anova).leverage - Regression diagnostic.lscov - Ordinary, weighted, or generalized least-squares (in MATLAB toolbox).lsqnonneg - Non-negative least-squares (in MATLAB toolbox).manova1 - One-way multivariate analysis of variance.manovacluster - Draw clusters of group means for manova1.mnrfit - Nominal or ordinal multinomial regression model fitting.mnrval - Predict values for nominal or ordinal multinomial regression.multcompare - Multiple comparisons of means and other estimates. mvregress - Multivariate regression with missing data.mvregresslike - Negative log-likelihood for multivariate regression. polyconf - Polynomial evaluation and confidence interval estimation. polyfit - Least-squares polynomial fitting (in MATLAB toolbox).polyval - Predicted values for polynomial functions (in MATLAB toolbox). rcoplot - Residuals case order plot.regress - Multiple linear regression using least squares.regstats - Regression diagnostics.ridge - Ridge regression.robustfit - Robust regression model fitting.rstool - Multidimensional response surface visualization (RSM). stepwise - Interactive tool for stepwise regression.stepwisefit - Non-interactive stepwise regression.x2fx - Factor settings matrix (x) to design matrix (fx).Nonlinear Models.coxphfit - Cox proportional hazards regression.nlinfit - Nonlinear least-squares data fitting.nlintool - Interactive graphical tool for prediction in nonlinear models. nlmefit - Nonlinear mixed-effects data fitting.nlpredci - Confidence intervals for prediction.nlparci - Confidence intervals for parameters.Design of Experiments (DOE).bbdesign - Box-Behnken design.candexch - D-optimal design (row exchange algorithm for candidate set). candgen - Candidates set for D-optimal design generation.ccdesign - Central composite design.cordexch - D-optimal design (coordinate exchange algorithm). daugment - Augment D-optimal design.dcovary - D-optimal design with fixed covariates.fracfactgen - Fractional factorial design generators.ff2n - Two-level full-factorial design.fracfact - Two-level fractional factorial design.fullfact - Mixed-level full-factorial design.hadamard - Hadamard matrices (orthogonal arrays) (in MATLAB toolbox). lhsdesign - Latin hypercube sampling design.lhsnorm - Latin hypercube multivariate normal sample.rowexch - D-optimal design (row exchange algorithm).Statistical Process Control (SPC).capability - Capability indices.capaplot - Capability plot.controlchart - Shewhart control chart.controlrules - Control rules (Western Electric or Nelson) for SPC data.gagerr - Gage repeatability and reproducibility (R&R) study. histfit - Histogram with superimposed normal density. normspec - Plot normal density between specification limits. runstest - Runs test for randomness.Multivariate Statistics.Cluster Analysis.cophenet - Cophenetic coefficient.cluster - Construct clusters from LINKAGE output. clusterdata - Construct clusters from data.dendrogram - Generate dendrogram plot.gmdistribution - Gaussian mixture model estimation. inconsistent - Inconsistent values of a cluster tree.kmeans - k-means clustering.linkage - Hierarchical cluster information.pdist - Pairwise distance between observations. silhouette - Silhouette plot of clustered data.squareform - Square matrix formatted distance. Classification.classify - Linear discriminant analysis.NaiveBayes - Naive Bayes classification.Dimension Reduction T echniques.factoran - Factor analysis.nnmf - Non-negative matrix factorization.pcacov - Principal components from covariance matrix. pcares - Residuals from principal components.princomp - Principal components analysis from raw data. rotatefactors - Rotation of FA or PCA loadings.Copulascopulacdf - Cumulative probability function for a copula. copulafit - Fit a parametric copula to data.copulaparam - Copula parameters as a function of rank correlation. copulapdf - Probability density function for a copula. copularnd - Random vectors from a copula.copulastat - Rank correlation for a copula.Plotting.andrewsplot - Andrews plot for multivariate data.biplot - Biplot of variable/factor coefficients and scores. interactionplot - Interaction plot for factor effects. maineffectsplot - Main effects plot for factor effects.glyphplot - Plot stars or Chernoff faces for multivariate data. gplotmatrix - Matrix of scatter plots grouped by a common variable. multivarichart - Multi-vari chart of factor effects.parallelcoords - Parallel coordinates plot for multivariate data.Other Multivariate Methods.barttest - Bartlett's test for dimensionality.canoncorr - Canonical correlation analysis.cmdscale - Classical multidimensional scaling.mahal - Mahalanobis distance.manova1 - One-way multivariate analysis of variance.mdscale - Metric and non-metric multidimensional scaling. mvregress - Multivariate regression with missing data.plsregress - Partial least squares regression.procrustes - Procrustes analysis.Decision Tree Techniques.classregtree - Classification and regression tree.TreeBagger - Ensemble of bagged decision trees. CompactTreeBagger - Lightweight ensemble of bagged decision trees. Hypothesis Tests.ansaribradley - Ansari-Bradley two-sample test for equal dispersions. dwtest - Durbin-Watson test for autocorrelation in linear regression. linhyptest - Linear hypothesis test on parameter estimates.ranksum - Wilcoxon rank sum test (independent samples). runstest - Runs test for randomness.sampsizepwr - Sample size and power calculation for hypothesis test. signrank - Wilcoxon sign rank test (paired samples).signtest - Sign test (paired samples).ttest - One sample t test.ttest2 - Two sample t test.vartest - One-sample test of variance.vartest2 - Two-sample F test for equal variances.vartestn - Test for equal variances across multiple groups.ztest - Z test.Distribution Testing.chi2gof - Chi-square goodness-of-fit test.jbtest - Jarque-Bera test of normality.kstest - Kolmogorov-Smirnov test for one sample.kstest2 - Kolmogorov-Smirnov test for two samples.lillietest - Lilliefors test of normality.Nonparametric Functions.friedman - Friedman's test (nonparametric two-way anova). kruskalwallis - Kruskal-Wallis test (nonparametric one-way anova). ksdensity - Kernel smoothing density estimation.ranksum - Wilcoxon rank sum test (independent samples). signrank - Wilcoxon sign rank test (paired samples).signtest - Sign test (paired samples).Hidden Markov Models.hmmdecode - Calculate HMM posterior state probabilities.hmmestimate - Estimate HMM parameters given state information.hmmgenerate - Generate random sequence for HMM.hmmtrain - Calculate maximum likelihood estimates for HMM parameters.hmmviterbi - Calculate most probable state path for HMM sequence.Model Assessment.confusionmat - Confusion matrix for classification algorithms.crossval - Loss estimate using cross-validation.cvpartition - Cross-validation partition.perfcurve - ROC and other performance measures for classification algorithms.Model Selection.sequentialfs - Sequential feature selection.stepwise - Interactive tool for stepwise regression.stepwisefit - Non-interactive stepwise regression.Statistical Plotting.andrewsplot - Andrews plot for multivariate data.biplot - Biplot of variable/factor coefficients and scores.boxplot - Boxplots of a data matrix (one per column).cdfplot - Plot of empirical cumulative distribution function. ecdf - Empirical cdf (Kaplan-Meier estimate).ecdfhist - Histogram calculated from empirical cdf.fsurfht - Interactive contour plot of a function.gline - Point, drag and click line drawing on figures. glyphplot - Plot stars or Chernoff faces for multivariate data. gname - Interactive point labeling in x-y plots.gplotmatrix - Matrix of scatter plots grouped by a common variable. gscatter - Scatter plot of two variables grouped by a third.hist - Histogram (in MATLAB toolbox).hist3 - Three-dimensional histogram of bivariate data. ksdensity - Kernel smoothing density estimation.lsline - Add least-square fit line to scatter plot.normplot - Normal probability plot.parallelcoords - Parallel coordinates plot for multivariate data. probplot - Probability plot.qqplot - Quantile-Quantile plot.refcurve - Reference polynomial curve.refline - Reference line.scatterhist - 2D scatter plot with marginal histograms.surfht - Interactive contour plot of a data grid.wblplot - Weibull probability plot.Data Objectsdataset - Create datasets from workspace variables or files. nominal - Create arrays of nominal data.ordinal - Create arrays of ordinal data.Statistics Demos.aoctool - Interactive tool for analysis of covariance.disttool - GUI tool for exploring probability distribution functions. polytool - Interactive graph for prediction of fitted polynomials. randtool - GUI tool for generating random numbers.rsmdemo - Reaction simulation (DOE, RSM, nonlinear curve fitting). robustdemo - Interactive tool to compare robust and least squares fits. File Based I/O.tblread - Read in data in tabular format.tblwrite - Write out data in tabular format to file.tdfread - Read in text and numeric data from tab-delimited file. caseread - Read in case names.casewrite - Write out case names to file.Utility Functions.cholcov - Cholesky-like decomposition for covariance matrix.combnk - Enumeration of all combinations of n objects k at a time. corrcov - Convert covariance matrix to correlation matrix.grp2idx - Convert grouping variable to indices and array of names. hougen - Prediction function for Hougen model (nonlinear example). statget - Get STATS options parameter value.statset - Set STATS options parameter value.tiedrank - Compute ranks of sample, adjusting for ties.zscore - Normalize matrix columns to mean 0, variance 1. Overloaded methods:xregusermod/statsxregunispline/statsxregnnet/statsxregmultilin/statsxregmodel/statsxreglinear/statsxreginterprbf/stats。
Matlab中常用的函数集

Matlab中常用的函数集sort (排序)xlsread ( exl文件导入)load (txt 文件,mat文件等导入)附录Ⅰ工具箱函数汇总Ⅰ.1 统计工具箱函数表Ⅰ-1 概率密度函数函数名对应分布的概率密度函数betapdf 贝塔分布的概率密度函数binopdf 二项分布的概率密度函数chi2pdf 卡方分布的概率密度函数exppdf 指数分布的概率密度函数fpdf f分布的概率密度函数gampdf 伽玛分布的概率密度函数geopdf 几何分布的概率密度函数hygepdf 超几何分布的概率密度函数normpdf 正态(高斯)分布的概率密度函数lognpdf 对数正态分布的概率密度函数nbinpdf 负二项分布的概率密度函数ncfpdf 非中心f分布的概率密度函数nctpdf 非中心t分布的概率密度函数ncx2pdf 非中心卡方分布的概率密度函数poisspdf 泊松分布的概率密度函数raylpdf 雷利分布的概率密度函数tpdf 学生氏t分布的概率密度函数unidpdf 离散均匀分布的概率密度函数unifpdf 连续均匀分布的概率密度函数weibpdf 威布尔分布的概率密度函数表Ⅰ-2 累加分布函数函数名对应分布的累加函数betacdf 贝塔分布的累加函数binocdf 二项分布的累加函数chi2cdf 卡方分布的累加函数expcdf 指数分布的累加函数fcdf f分布的累加函数gamcdf 伽玛分布的累加函数geocdf 几何分布的累加函数normstat 正态(高斯)分布函数的统计量poisstat 泊松分布函数的统计量续表函数名对应分布的统计量raylstat 瑞利分布函数的统计量tstat 学生氏t分布函数的统计量unidstat 离散均匀分布函数的统计量unifstat 连续均匀分布函数的统计量weibstat 威布尔分布函数的统计量表Ⅰ-6 参数估计函数函数名对应分布的参数估计betafit 贝塔分布的参数估计betalike 贝塔对数似然函数的参数估计binofit 二项分布的参数估计expfit 指数分布的参数估计gamfit 伽玛分布的参数估计gamlike 伽玛似然函数的参数估计mle 极大似然估计的参数估计normlike 正态对数似然函数的参数估计normfit 正态分布的参数估计poissfit 泊松分布的参数估计unifit 均匀分布的参数估计weibfit 威布尔分布的参数估计weiblike 威布尔对数似然函数的参数估计表Ⅰ-7 统计量描述函数函数描述bootstrap 任何函数的自助统计量corrcoef 相关系数cov 协方差crosstab 列联表geomean 几何均值grpstats 分组统计量harmmean 调和均值iqr 内四分极值kurtosis 峰度mad 中值绝对差mean 均值median 中值moment 样本模量nanmax 包含缺失值的样本的最大值续表函数描述Nanmean 包含缺失值的样本的均值nanmedian 包含缺失值的样本的中值nanmin 包含缺失值的样本的最小值nanstd 包含缺失值的样本的标准差nansum 包含缺失值的样本的和prctile 百分位数range 极值skewness 偏度std 标准差tabulate 频数表trimmean 截尾均值var 方差表Ⅰ-8 统计图形函数函数描述boxplot 箱形图cdfplot 指数累加分布函数图errorbar 误差条图fsurfht 函数的交互等值线图gline 画线gname 交互标注图中的点gplotmatrix 散点图矩阵gscatter 由第三个变量分组的两个变量的散点图lsline 在散点图中添加最小二乘拟合线normplot 正态概率图pareto 帕累托图qqplot Q-Q图rcoplot 残差个案次序图refcurve 参考多项式曲线refline 参考线surfht 数据网格的交互等值线图weibplot 威布尔图表Ⅰ-9 统计过程控制函数函数描述capable 性能指标capaplot 性能图ewmaplot 指数加权移动平均图续表函数描述histfit 添加正态曲线的直方图normspec 在指定的区间上绘正态密度schart S图xbarplot x条图表Ⅰ-10 聚类分析函数函数描述cluster 根据linkage函数的输出创建聚类clusterdata 根据给定数据创建聚类cophenet Cophenet相关系数dendrogram 创建冰柱图inconsistent 聚类树的不连续值linkage 系统聚类信息pdist 观测量之间的配对距离squareform 距离平方矩阵zscore Z分数表Ⅰ-11 线性模型函数函数描述anova1 单因子方差分析anova2 双因子方差分析anovan 多因子方差分析aoctool 协方差分析交互工具dummyvar 拟变量编码friedman Friedman检验glmfit 一般线性模型拟合kruskalwallis Kruskalwallis检验leverage 中心化杠杆值lscov 已知协方差矩阵的最小二乘估计manova1 单因素多元方差分析manovacluster 多元聚类并用冰柱图表示multcompare 多元比较多项式评价及误差区间估计polyfit 最小二乘多项式拟合polyval 多项式函数的预测值polyconf 残差个案次序图regress 多元线性回归regstats 回归统计量诊断续表函数描述Ridge 岭回归rstool 多维响应面可视化robustfit 稳健回归模型拟合stepwise 逐步回归x2fx 用于设计矩阵的因子设置矩阵表Ⅰ-12 非线性回归函数函数描述nlinfit 非线性最小二乘数据拟合(牛顿法)nlintool 非线性模型拟合的交互式图形工具nlparci 参数的置信区间nlpredci 预测值的置信区间nnls 非负最小二乘表Ⅰ-13 试验设计函数函数描述cordexch D-优化设计(列交换算法)daugment 递增D-优化设计dcovary 固定协方差的D-优化设计ff2n 二水平完全析因设计fracfact 二水平部分析因设计fullfact 混合水平的完全析因设计hadamard Hadamard矩阵(正交数组)rowexch D-优化设计(行交换算法)表Ⅰ-14 主成分分析函数函数描述barttest Barttest检验pcacov 源于协方差矩阵的主成分pcares 源于主成分的方差princomp 根据原始数据进行主成分分析表Ⅰ-15 多元统计函数函数描述classify 聚类分析mahal 马氏距离manova1 单因素多元方差分析manovacluster 多元聚类分析表Ⅰ-16 假设检验函数函数描述ranksum 秩和检验signrank 符号秩检验signtest 符号检验ttest 单样本t检验ttest2 双样本t检验ztest z检验表Ⅰ-17 分布检验函数函数描述jbtest 正态性的Jarque-Bera检验kstest 单样本Kolmogorov-Smirnov检验kstest2 双样本Kolmogorov-Smirnov检验lillietest 正态性的Lilliefors检验表Ⅰ-18 非参数函数函数描述friedman Friedman检验kruskalwallis Kruskalwallis检验ranksum 秩和检验signrank 符号秩检验signtest 符号检验表Ⅰ-19 文件输入输出函数函数描述caseread 读取个案名casewrite 写个案名到文件tblread 以表格形式读数据tblwrite 以表格形式写数据到文件tdfread 从表格间隔形式的文件中读取文本或数值数据表Ⅰ-20 演示函数函数描述aoctool 协方差分析的交互式图形工具disttool 探察概率分布函数的GUI工具glmdemo 一般线性模型演示randtool 随机数生成工具polytool 多项式拟合工具rsmdemo 响应拟合工具robustdemo 稳健回归拟合工具Ⅰ.2 优化工具箱函数表Ⅰ-21 最小化函数表函数描述fgoalattain 多目标达到问题fminbnd 有边界的标量非线性最小化fmincon 有约束的非线性最小化fminimax 最大最小化fminsearch, fminunc 无约束非线性最小化fseminf 半无限问题linprog 线性课题quadprog 二次课题表Ⅰ-22 方程求解函数表函数描述\ 线性方程求解fsolve 非线性方程求解fzero 标量非线性方程求解表Ⅰ-23 最小二乘函数表函数描述\ 线性最小二乘lsqlin 有约束线性最小二乘lsqcurvefit 非线性曲线拟合lsqnonlin 非线性最小二乘lsqnonneg 非负线性最小二乘表Ⅰ-24 实用函数表函数描述optimset 设置参数optimget 获取参数表Ⅰ-25 大型方法的演示函数表函数描述circustent 马戏团帐篷问题—二次课题molecule 用无约束非线性最小化进行分子组成求解optdeblur 用有边界线性最小二乘法进行图形处理表Ⅰ-26 中型方法的演示函数表函数描述bandemo 香蕉函数的最小化dfildemo 过滤器设计的有限精度goaldemo 目标达到举例optdemo 演示过程菜单tutdemo 教程演示Ⅰ.3 样条工具箱函数表Ⅰ-27 三次样条函数函数描述csapi 插值生成三次样条函数csape 生成给定约束条件下的三次样条函数csaps 平滑生成三次样条函数cscvn 生成一条内插参数的三次样条曲线getcurve 动态生成三次样条曲线表Ⅰ-28 分段多项式样条函数函数描述pplst 显示关于生成分段多项式样条曲线的M文件ppmak 生成分段多项式样条函数ppual 计算在给定点处的分段多项式样条函数值表Ⅰ-29 B样条函数函数描述splst 显示生成B样条函数的M文件spmak 生成B样条函数spcrv 生成均匀划分的B样条函数spapi 插值生成B样条函数spap2 用最小二乘法拟合生成B样条函数spaps 对生成的B样条曲线进行光滑处理spcol 生成B样条函数的配置矩阵表Ⅰ-30 有理样条函数函数描述rpmak 生成有理样条函数rsmak 生成有理样条函数表Ⅰ-31 操作样条函数函数描述fnval 计算在给定点处的样条函数值fmbrk 返回样条函数的某一部分(如断点或系数等)fncmb 对样条函数进行算术运算fn2fm 把一种形式的样条函数转化成另一种形式的样条函数fnder 求样条函数的微分(即求导数)fndir 求样条函数的方向导数fnint 求样条函数的积分fnjmp 在间断点处求函数值fnplt 画样条曲线图fnrfn 在样条曲线中插入断点。
Matlab统计工具箱应用(III)

Matlab 统计⼯具箱应⽤(III )Matlab 统计⼯具箱应⽤(III)2011 年 07 ⽉ 18 ⽇本节讨论统计⼯具箱在线性回归与回归分析中的应⽤。
1. 回归分析的主要研究内容a. 建⽴因变量y 与⾃变量x_1,x_2,…x_n 之间的回归模型(经验公式)b. 对回归模型的可信度进⾏分析c. 判断每个⾃变量x_i 对y 的影响是否明显(⽅差分析)d. 诊断回归模型是否适合这组数据;e. 利⽤回归模型对y 进⾏预测和分析2. 数据的标准化处理对数据进⾏标准化处理,⼀则不会改变数据之间的相关关系,却可以为后续的处理提供便利;⼆则可以对数据进⾏⽆量纲化处理,使每个变量都有等同的表现⼒。
其中, 是原始数据, 是每个变量在n 个观测点上的均值,即 , 是每个变量组间标准差,即为 .3. ⼀元线性回归模型分析形如 即为⼀元线性回归模型,即y 仅与⼀个变量x 有关,式⼦最后⼀项为随机变量。
根据最⼩⼆乘法(过程省略),可以得到 和 的估计值如下: ⼜由于之前对数据做了标准化处理,所以有 , ,4.显著性检验对于⼀元线性回归模型,显著性检验包含两个⽅⾯,⼀是检验因变量与⾃变量之间是否具有显著的线性关系,即对模型的检验,这是由F 检验完成的,对于给定的置信⽔平 ,按⾃由度n1=1,n2 = n-2查F 的分布表,若⼤于则认为模型可接受;⼆是检验回归参数是否合理,这是由t 检验完成的,对于给定的置信⽔平 ,按⾃由度n-2查t 分布表,若⼤于则认为 显著不为零。
5.多元线性回归过程与原理与⼀元线性回归过程类似,但是F 检验的⾃由度变为(m,n-m-1),并且还有⼀些衡量y 与各个分量之间是否存在相关性的指标,如 ,这是回归平⽅和在总平⽅和中的⽐值,称为复判定系数,其开⽅值为复相关系数,通常认为R>0.8(或0.9)才认为相关关系成⽴。
6.Matlab 统计⼯具箱相关函数6.1多元线性回归函数为regress ,输⼊输出如下:[b,bint,r,rint,stats]=regress(X,Y,alpha)X 是对m 个元素进⾏的n 次观测值,其中X 的⾏向量是⼀次观测值,但第⼀个元素为1,即为[1,x_1,x_2…x_m]。
Matlab统计学工具箱之(隐)马尔可夫模型:MarkovModels-Matlab
Matlab统计学工具箱之(隐)马尔可夫模型:MarkovModels-Matlab此文讲述的内容在Matlab 7.0、7.5(R2007b)中均有——马尔可夫工具箱,主要内容如下。
简介:马尔可夫处理是随机处理的一个典型例子——此种处理根据特定的概率产生随机输出或状态序列。
马尔可夫处理的特别之处在于它的无记忆性——他的下一个状态仅依赖他的当前状态,不考虑导致他们的历史。
马尔可夫处理的模型在实际应用中使用非常广泛,从每日股票价格到染色体中的基因位置都有应用。
马尔可夫链马尔可夫模型用状态图可视化描述如下。
MarkovModel.jpg在图中,矩形代表你要描述的模型在处理中可能出现的状态,箭头描述了状态之间的转换。
每个箭头上的标签表明了该转换出现的概率。
在处理的每一步,模型都可能根据当前状态产生一种output或emission,然后做一个到另一状态的转换。
马尔可夫模型的一个重要特点是:他的下个状态仅仅依赖当前状态,而与导致其成为当前状态的历史变换无关。
马尔可夫链是马尔可夫模型的一组离散状态集合的数学描述形式。
马尔可夫链特征归纳如下:1. 一个状态的集合{1, 2, ..., M}2. 一个M * M的转移矩阵T,(i, j)位置的数据是从状态i转到状态j的概率。
T的每一行值的和必然是1,因为这是从一个给定状态转移到其他所有可能状态的概率之和。
3. 一个可能的输出(output)或发布(emissions)的集合{S1, S2, ..., SN}。
默认情况下,发布的集合是{1, 2, ..., N},这里N是可能的发布的个数,当然,你也可以选择一个不同的数字或符号的集合。
4. 一个M * N的发布矩阵E,(i, k)入口给出了从状态i得到发布的标志Sk的概率。
马尔可夫链在第0步,从一个初始状态i0开始。
接着,此链按照T(1, i1)概率转移到状态i1,且按概率E(i1, k1)概率发布一个输出S(k1)。
Matlab中统计分析函数
Distributions.Parameter estimation.betafit - Beta parameter estimation.binofit - Binomial parameter estimation.dfittool - Distribution fitting tool.evfit - Extreme value parameter estimation.expfit - Exponential parameter estimation.fitdist - Distribution fitting.gamfit - Gamma parameter estimation.gevfit - Generalized extreme value parameter estimation.gmdistribution - Gaussian mixture model estimation.gpfit - Generalized Pareto parameter estimation.lognfit - Lognormal parameter estimation.mle - Maximum likelihood estimation (MLE).mlecov - Asymptotic covariance matrix of MLE.nbinfit - Negative binomial parameter estimation.normfit - Normal parameter estimation.paretotails - Empirical cdf with generalized Pareto tails.poissfit - Poisson parameter estimation.raylfit - Rayleigh parameter estimation.unifit - Uniform parameter estimation.wblfit - Weibull parameter estimation. Probability density functions (pdf).betapdf - Beta density.binopdf - Binomial density.chi2pdf - Chi square density.evpdf - Extreme value density.exppdf - Exponential density.fpdf - F density.gampdf - Gamma density.geopdf - Geometric density.gevpdf - Generalized extreme value density. gppdf - Generalized Pareto density.hygepdf - Hypergeometric density.lognpdf - Lognormal density.mnpdf - Multinomial probability density function. mvnpdf - Multivariate normal density.mvtpdf - Multivariate t density.nbinpdf - Negative binomial density.ncfpdf - Noncentral F density.nctpdf - Noncentral t density.ncx2pdf - Noncentral Chi-square density. normpdf - Normal (Gaussian) density.pdf - Density function for a specified distribution.poisspdf - Poisson density.raylpdf - Rayleigh density.tpdf - T density.unidpdf - Discrete uniform density.unifpdf - Uniform density.wblpdf - Weibull density.Cumulative Distribution functions (cdf).betacdf - Beta cumulative distribution function.binocdf - Binomial cumulative distribution function.cdf - Specified cumulative distribution function.chi2cdf - Chi square cumulative distribution function.ecdf - Empirical cumulative distribution function (Kaplan-Meier estimate).evcdf - Extreme value cumulative distribution function.expcdf - Exponential cumulative distribution function.fcdf - F cumulative distribution function.gamcdf - Gamma cumulative distribution function.geocdf - Geometric cumulative distribution function.gevcdf - Generalized extreme value cumulative distribution function.gpcdf - Generalized Pareto cumulative distribution function.hygecdf - Hypergeometric cumulative distribution function.logncdf - Lognormal cumulative distribution function.mvncdf - Multivariate normal cumulative distribution function. mvtcdf - Multivariate t cumulative distribution function. nbincdf - Negative binomial cumulative distribution function. ncfcdf - Noncentral F cumulative distribution function.nctcdf - Noncentral t cumulative distribution function.ncx2cdf - Noncentral Chi-square cumulative distribution function. normcdf - Normal (Gaussian) cumulative distribution function. poisscdf - Poisson cumulative distribution function.raylcdf - Rayleigh cumulative distribution function.tcdf - T cumulative distribution function.unidcdf - Discrete uniform cumulative distribution function. unifcdf - Uniform cumulative distribution function.wblcdf - Weibull cumulative distribution function.Critical Values of Distribution functions.betainv - Beta inverse cumulative distribution function.binoinv - Binomial inverse cumulative distribution function.chi2inv - Chi square inverse cumulative distribution function. evinv - Extreme value inverse cumulative distribution function. expinv - Exponential inverse cumulative distribution function. finv - F inverse cumulative distribution function.gaminv - Gamma inverse cumulative distribution function.geoinv - Geometric inverse cumulative distribution function.gevinv - Generalized extreme value inverse cumulative distribution function.gpinv - Generalized Pareto inverse cumulative distribution function.hygeinv - Hypergeometric inverse cumulative distribution function.icdf - Specified inverse cumulative distribution function.logninv - Lognormal inverse cumulative distribution function.nbininv - Negative binomial inverse distribution function.ncfinv - Noncentral F inverse cumulative distribution function.nctinv - Noncentral t inverse cumulative distribution function.ncx2inv - Noncentral Chi-square inverse distribution function.norminv - Normal (Gaussian) inverse cumulative distribution function.poissinv - Poisson inverse cumulative distribution function.raylinv - Rayleigh inverse cumulative distribution function.tinv - T inverse cumulative distribution function.unidinv - Discrete uniform inverse cumulative distribution function.unifinv - Uniform inverse cumulative distribution function.wblinv - Weibull inverse cumulative distribution function.Random Number Generators.betarnd - Beta random numbers.binornd - Binomial random numbers.chi2rnd - Chi square random numbers.evrnd - Extreme value random numbers.exprnd - Exponential random numbers.frnd - F random numbers.gamrnd - Gamma random numbers.geornd - Geometric random numbers.gevrnd - Generalized extreme value random numbers.gprnd - Generalized Pareto inverse random numbers.hygernd - Hypergeometric random numbers.iwishrnd - Inverse Wishart random matrix.johnsrnd - Random numbers from the Johnson system of distributions. lognrnd - Lognormal random numbers.mhsample - Metropolis-Hastings algorithm.mnrnd - Multinomial random vectors.mvnrnd - Multivariate normal random vectors.mvtrnd - Multivariate t random vectors.nbinrnd - Negative binomial random numbers.ncfrnd - Noncentral F random numbers.nctrnd - Noncentral t random numbers.ncx2rnd - Noncentral Chi-square random numbers.normrnd - Normal (Gaussian) random numbers.pearsrnd - Random numbers from the Pearson system of distributions. poissrnd - Poisson random numbers.randg - Gamma random numbers (unit scale). random - Random numbers from specified distribution. randsample - Random sample from finite population. raylrnd - Rayleigh random numbers.slicesample - Slice sampling method.trnd - T random numbers.unidrnd - Discrete uniform random numbers.unifrnd - Uniform random numbers.wblrnd - Weibull random numbers.wishrnd - Wishart random matrix.Quasi-Random Number Generators.haltonset - Halton sequence point set.qrandstream - Quasi-random stream.sobolset - Sobol sequence point set.Statistics.betastat - Beta mean and variance.binostat - Binomial mean and variance.chi2stat - Chi square mean and variance.evstat - Extreme value mean and variance.expstat - Exponential mean and variance.fstat - F mean and variance.gamstat - Gamma mean and variance.geostat - Geometric mean and variance.gevstat - Generalized extreme value mean and variance. gpstat - Generalized Pareto inverse mean and variance. hygestat - Hypergeometric mean and variance. lognstat - Lognormal mean and variance.nbinstat - Negative binomial mean and variance. ncfstat - Noncentral F mean and variance.nctstat - Noncentral t mean and variance.ncx2stat - Noncentral Chi-square mean and variance. normstat - Normal (Gaussian) mean and variance. poisstat - Poisson mean and variance.raylstat - Rayleigh mean and variance.tstat - T mean and variance.unidstat - Discrete uniform mean and variance.unifstat - Uniform mean and variance.wblstat - Weibull mean and variance.Likelihood functions.betalike - Negative beta log-likelihood.evlike - Negative extreme value log-likelihood. explike - Negative exponential log-likelihood. gamlike - Negative gamma log-likelihood.gevlike - Generalized extreme value log-likelihood.gplike - Generalized Pareto inverse log-likelihood. lognlike - Negative lognormal log-likelihood.nbinlike - Negative binomial log-likelihood.normlike - Negative normal likelihood.wbllike - Negative Weibull log-likelihood.Probability distribution objects.ProbDistUnivKernel - Univariate kernel smoothing distributions. ProbDistUnivParam - Univariate parametric distributions. Descriptive Statistics.bootci - Bootstrap confidence intervals.bootstrp - Bootstrap statistics.corr - Linear or rank correlation coefficient.corrcoef - Linear correlation coefficient (in MATLAB toolbox). cov - Covariance (in MATLAB toolbox).crosstab - Cross tabulation.geomean - Geometric mean.grpstats - Summary statistics by group.harmmean - Harmonic mean.iqr - Interquartile range.jackknife - Jackknife statistics.kurtosis - Kurtosis.mad - Median Absolute Deviation.mean - Sample average (in MATLAB toolbox).median - 50th percentile of a sample (in MATLAB toolbox).mode - Mode, or most frequent value in a sample (in MATLAB toolbox). moment - Moments of a sample.nancov - Covariance matrix ignoring NaNs.nanmax - Maximum ignoring NaNs.nanmean - Mean ignoring NaNs.nanmedian - Median ignoring NaNs.nanmin - Minimum ignoring NaNs.nanstd - Standard deviation ignoring NaNs.nansum - Sum ignoring NaNs.nanvar - Variance ignoring NaNs.partialcorr - Linear or rank partial correlation coefficient.prctile - Percentiles.quantile - Quantiles.range - Range.skewness - Skewness.std - Standard deviation (in MATLAB toolbox).tabulate - Frequency table.trimmean - Trimmed mean.var - Variance (in MATLAB toolbox).Linear Models.addedvarplot - Created added-variable plot for stepwise regression.anova1 - One-way analysis of variance.anova2 - Two-way analysis of variance.anovan - n-way analysis of variance.aoctool - Interactive tool for analysis of covariance.dummyvar - Dummy-variable coding.friedman - Friedman's test (nonparametric two-way anova).glmfit - Generalized linear model fitting.glmval - Evaluate fitted values for generalized linear model.invpred - Inverse prediction for simple linear regression.kruskalwallis - Kruskal-Wallis test (nonparametric one-way anova).leverage - Regression diagnostic.lscov - Ordinary, weighted, or generalized least-squares (in MATLAB toolbox).lsqnonneg - Non-negative least-squares (in MATLAB toolbox).manova1 - One-way multivariate analysis of variance.manovacluster - Draw clusters of group means for manova1.mnrfit - Nominal or ordinal multinomial regression model fitting.mnrval - Predict values for nominal or ordinal multinomial regression.multcompare - Multiple comparisons of means and other estimates. mvregress - Multivariate regression with missing data.mvregresslike - Negative log-likelihood for multivariate regression. polyconf - Polynomial evaluation and confidence interval estimation. polyfit - Least-squares polynomial fitting (in MATLAB toolbox).polyval - Predicted values for polynomial functions (in MATLAB toolbox). rcoplot - Residuals case order plot.regress - Multiple linear regression using least squares.regstats - Regression diagnostics.ridge - Ridge regression.robustfit - Robust regression model fitting.rstool - Multidimensional response surface visualization (RSM). stepwise - Interactive tool for stepwise regression.stepwisefit - Non-interactive stepwise regression.x2fx - Factor settings matrix (x) to design matrix (fx).Nonlinear Models.coxphfit - Cox proportional hazards regression.nlinfit - Nonlinear least-squares data fitting.nlintool - Interactive graphical tool for prediction in nonlinear models. nlmefit - Nonlinear mixed-effects data fitting.nlpredci - Confidence intervals for prediction.nlparci - Confidence intervals for parameters.Design of Experiments (DOE).bbdesign - Box-Behnken design.candexch - D-optimal design (row exchange algorithm for candidate set). candgen - Candidates set for D-optimal design generation.ccdesign - Central composite design.cordexch - D-optimal design (coordinate exchange algorithm). daugment - Augment D-optimal design.dcovary - D-optimal design with fixed covariates.fracfactgen - Fractional factorial design generators.ff2n - Two-level full-factorial design.fracfact - Two-level fractional factorial design.fullfact - Mixed-level full-factorial design.hadamard - Hadamard matrices (orthogonal arrays) (in MATLAB toolbox). lhsdesign - Latin hypercube sampling design.lhsnorm - Latin hypercube multivariate normal sample.rowexch - D-optimal design (row exchange algorithm).Statistical Process Control (SPC).capability - Capability indices.capaplot - Capability plot.controlchart - Shewhart control chart.controlrules - Control rules (Western Electric or Nelson) for SPC data.gagerr - Gage repeatability and reproducibility (R&R) study. histfit - Histogram with superimposed normal density. normspec - Plot normal density between specification limits. runstest - Runs test for randomness.Multivariate Statistics.Cluster Analysis.cophenet - Cophenetic coefficient.cluster - Construct clusters from LINKAGE output. clusterdata - Construct clusters from data.dendrogram - Generate dendrogram plot.gmdistribution - Gaussian mixture model estimation. inconsistent - Inconsistent values of a cluster tree.kmeans - k-means clustering.linkage - Hierarchical cluster information.pdist - Pairwise distance between observations. silhouette - Silhouette plot of clustered data.squareform - Square matrix formatted distance. Classification.classify - Linear discriminant analysis.NaiveBayes - Naive Bayes classification.Dimension Reduction T echniques.factoran - Factor analysis.nnmf - Non-negative matrix factorization.pcacov - Principal components from covariance matrix. pcares - Residuals from principal components.princomp - Principal components analysis from raw data. rotatefactors - Rotation of FA or PCA loadings.Copulascopulacdf - Cumulative probability function for a copula. copulafit - Fit a parametric copula to data.copulaparam - Copula parameters as a function of rank correlation. copulapdf - Probability density function for a copula. copularnd - Random vectors from a copula.copulastat - Rank correlation for a copula.Plotting.andrewsplot - Andrews plot for multivariate data.biplot - Biplot of variable/factor coefficients and scores. interactionplot - Interaction plot for factor effects. maineffectsplot - Main effects plot for factor effects.glyphplot - Plot stars or Chernoff faces for multivariate data. gplotmatrix - Matrix of scatter plots grouped by a common variable. multivarichart - Multi-vari chart of factor effects.parallelcoords - Parallel coordinates plot for multivariate data.Other Multivariate Methods.barttest - Bartlett's test for dimensionality.canoncorr - Canonical correlation analysis.cmdscale - Classical multidimensional scaling.mahal - Mahalanobis distance.manova1 - One-way multivariate analysis of variance.mdscale - Metric and non-metric multidimensional scaling. mvregress - Multivariate regression with missing data.plsregress - Partial least squares regression.procrustes - Procrustes analysis.Decision Tree Techniques.classregtree - Classification and regression tree.TreeBagger - Ensemble of bagged decision trees. CompactTreeBagger - Lightweight ensemble of bagged decision trees. Hypothesis Tests.ansaribradley - Ansari-Bradley two-sample test for equal dispersions. dwtest - Durbin-Watson test for autocorrelation in linear regression. linhyptest - Linear hypothesis test on parameter estimates.ranksum - Wilcoxon rank sum test (independent samples). runstest - Runs test for randomness.sampsizepwr - Sample size and power calculation for hypothesis test. signrank - Wilcoxon sign rank test (paired samples).signtest - Sign test (paired samples).ttest - One sample t test.ttest2 - Two sample t test.vartest - One-sample test of variance.vartest2 - Two-sample F test for equal variances.vartestn - Test for equal variances across multiple groups.ztest - Z test.Distribution Testing.chi2gof - Chi-square goodness-of-fit test.jbtest - Jarque-Bera test of normality.kstest - Kolmogorov-Smirnov test for one sample.kstest2 - Kolmogorov-Smirnov test for two samples.lillietest - Lilliefors test of normality.Nonparametric Functions.friedman - Friedman's test (nonparametric two-way anova). kruskalwallis - Kruskal-Wallis test (nonparametric one-way anova). ksdensity - Kernel smoothing density estimation.ranksum - Wilcoxon rank sum test (independent samples). signrank - Wilcoxon sign rank test (paired samples).signtest - Sign test (paired samples).Hidden Markov Models.hmmdecode - Calculate HMM posterior state probabilities.hmmestimate - Estimate HMM parameters given state information.hmmgenerate - Generate random sequence for HMM.hmmtrain - Calculate maximum likelihood estimates for HMM parameters.hmmviterbi - Calculate most probable state path for HMM sequence.Model Assessment.confusionmat - Confusion matrix for classification algorithms.crossval - Loss estimate using cross-validation.cvpartition - Cross-validation partition.perfcurve - ROC and other performance measures for classification algorithms.Model Selection.sequentialfs - Sequential feature selection.stepwise - Interactive tool for stepwise regression.stepwisefit - Non-interactive stepwise regression.Statistical Plotting.andrewsplot - Andrews plot for multivariate data.biplot - Biplot of variable/factor coefficients and scores.boxplot - Boxplots of a data matrix (one per column).cdfplot - Plot of empirical cumulative distribution function. ecdf - Empirical cdf (Kaplan-Meier estimate).ecdfhist - Histogram calculated from empirical cdf.fsurfht - Interactive contour plot of a function.gline - Point, drag and click line drawing on figures. glyphplot - Plot stars or Chernoff faces for multivariate data. gname - Interactive point labeling in x-y plots.gplotmatrix - Matrix of scatter plots grouped by a common variable. gscatter - Scatter plot of two variables grouped by a third.hist - Histogram (in MATLAB toolbox).hist3 - Three-dimensional histogram of bivariate data. ksdensity - Kernel smoothing density estimation.lsline - Add least-square fit line to scatter plot.normplot - Normal probability plot.parallelcoords - Parallel coordinates plot for multivariate data. probplot - Probability plot.qqplot - Quantile-Quantile plot.refcurve - Reference polynomial curve.refline - Reference line.scatterhist - 2D scatter plot with marginal histograms.surfht - Interactive contour plot of a data grid.wblplot - Weibull probability plot.Data Objectsdataset - Create datasets from workspace variables or files. nominal - Create arrays of nominal data.ordinal - Create arrays of ordinal data.Statistics Demos.aoctool - Interactive tool for analysis of covariance.disttool - GUI tool for exploring probability distribution functions. polytool - Interactive graph for prediction of fitted polynomials. randtool - GUI tool for generating random numbers.rsmdemo - Reaction simulation (DOE, RSM, nonlinear curve fitting). robustdemo - Interactive tool to compare robust and least squares fits. File Based I/O.tblread - Read in data in tabular format.tblwrite - Write out data in tabular format to file.tdfread - Read in text and numeric data from tab-delimited file. caseread - Read in case names.casewrite - Write out case names to file.Utility Functions.cholcov - Cholesky-like decomposition for covariance matrix.combnk - Enumeration of all combinations of n objects k at a time. corrcov - Convert covariance matrix to correlation matrix.grp2idx - Convert grouping variable to indices and array of names. hougen - Prediction function for Hougen model (nonlinear example). statget - Get STATS options parameter value.statset - Set STATS options parameter value.tiedrank - Compute ranks of sample, adjusting for ties.zscore - Normalize matrix columns to mean 0, variance 1. Overloaded methods:xregusermod/statsxregunispline/statsxregnnet/statsxregmultilin/statsxregmodel/statsxreglinear/statsxreginterprbf/stats。
Matlab常用命令和函数-工具箱部分函数
Matlab常用命令和函数-工具箱部分函数Matlab 工具箱部分函数randint 产生均匀分布的随机整数矩阵randsrc 根据给定的数字表产生随机矩阵wgn 产生高斯白噪声信号分析函数biterr 计算比特误差数和比特误差率eyediagram 绘制眼图scatterplot 绘制散点图symerr 计算符号误差数和符号误差率信源编码compand mu律/A律压缩/扩张dpcmdeco DPCM(差分脉冲编码调制)解码dpcmenco DPCM编码dpcmopt 优化DPCM参数lloyds Lloyd法则优化量化器参数quantiz 给出量化后的级和输出值误差控制编码bchpoly 给出二进制BCH码的性能参数和产生多项式convenc 产生卷积码cyclgen 产生循环码的奇偶校验阵和生成矩阵cyclpoly 产生循环码的生成多项式decode 分组码解码器encode 分组码编码器gen2par 将奇偶校验阵和生成矩阵互相转换gfweight 计算线性分组码的最小距离hammgen 产生汉明码的奇偶校验阵和生成矩阵rsdecof 对Reed-Solomon编码的ASCII文件解码rsencof 用Reed-Solomon码对ASCII文件编码rspoly 给出Reed-Solomon码的生成多项式syndtable 产生伴随解码表vitdec 用Viterbi法则解卷积码(误差控制编码的低级函数)bchdeco BCH解码器bchenco BCH编码器rsdeco Reed-Solomon解码器rsdecode 用指数形式进行Reed-Solomon解码rsenco Reed-Solomon编码器rsencode 用指数形式进行Reed-Solomon编码调制与解调ademod 模拟通带解调器ademodce 模拟基带解调器amod 模拟通带调制器amodce 模拟基带调制器apkconst 绘制圆形的复合ASK-PSK星座图ddemod 数字通带解调器ddemodce 数字基带解调器demodmap 解调后的模拟信号星座图反映射到数字信号dmod 数字通带调制器dmodce 数字基带调制器modmap 把数字信号映射到模拟信号星座图(以供调制)qaskdeco 从方形的QASK星座图反映射到数字信号qaskenco 把数字信号映射到方形的QASK星座图专用滤波器hank2sys 把一个Hankel矩阵转换成一个线性系统模型hilbiir 设计一个希尔伯特变换IIR滤波器rcosflt 升余弦滤波器rcosine 设计一个升余弦滤波器(专用滤波器的低级函数)rcosfir 设计一个升余弦FIR滤波器rcosiir 设计一个升余弦IIR滤波器信道函数awgn 添加高斯白噪声gfadd 伽罗域上的多项式加法gfconv 伽罗域上的多项式乘法gfcosets 生成伽罗域的分圆陪集gfdeconv 伽罗域上的多项式除法gfdiv 伽罗域上的元素除法gffilter 在质伽罗域上用多项式过滤数据gflineq 在至伽罗域上求Ax=b的一个特解gfminpol 求伽罗域上元素的最小多项式gfmul 伽罗域上的元素乘法gfplus GF(2^m)上的元素加法gfpretty 以通常方式显示多项式gfprimck 检测多项式是否是基本多项式gfprimdf 给出伽罗域的MATLAB默认的基本多项式gfprimfd 给出伽罗域的基本多项式gfrank 伽罗域上矩阵求秩gfrepcov GF(2)上多项式的表达方式转换gfroots 质伽罗域上的多项式求根gfsub 伽罗域上的多项式减法gftrunc 使多项式的表达最简化gftuple 简化或转换伽罗域上元素的形式工具函数bi2de 把二进制向量转换成十进制数de2bi 把十进制数转换成二进制向量erf 误差函数erfc 余误差函数istrellis 检测输入是否MATLAB的trellis结构(structure)marcumq 通用Marcumoct2dec 八进制数转十进制数poly2trellis 把卷积码多项式转换成MATLAB的trellis描述vec2mat 把向量转换成矩阵。
《Matlab统计工具》课件
高级统计分析方法
总结词 详细描述 示例代码 应用场景
掌握高级统计分析方法的原理和应用
介绍Matlab中常用的高级统计分析方法,如主成分分析、因子 分析、聚类分析、判别分析等,并解释其原理和应用场景。
展示如何使用Matlab实现这些高级统计分析方法,并解释代码 中的关键部分。
说明这些高级统计分析方法在实际应用中的重要性和适用范围 ,如市场调研、质量控制、生物信息学等领域。
Matlab统计工具的应用领域
01
科学研究
商业分析
02
03
医学研究
在各个学科领域中,研究者使用 Matlab统计工具进行数据处理和 分析,以支持他们的研究结论。
企业利用M险评估等 。
在生物统计学和医学图像分析等 领域,Matlab统计工具被广泛应 用于数据处理和模型构建。
模型评估
通过残差图、决定系数R^2等指标,可以对线性回归模型的 拟合效果进行评估。这些评估指标可以帮助用户了解模型的 预测能力和解释能力。
实例三:假设检验的运用
单样本z检验
对于单个样本的均值与已知总体均值的比较,可以使用z检验。通过输入样本数据和总体 均值,Matlab会自动计算z值和对应的p值。
《Matlab统计工具》PPT课件
CONTENTS
• Matlab统计工具简介 • Matlab统计工具箱函数 • Matlab统计工具实例分析 • Matlab统计工具进阶应用 • Matlab统计工具常见问题与解
决方案
01
Matlab统计工具简介
什么是Matlab统计工具
统计工具箱是Matlab软件中的一个重 要组件,提供了丰富的统计分析和数 据挖掘功能。
正态分布的拟合
使用Matlab的统计工具箱,可以方 便地对数据进行正态分布拟合。通过 拟合参数,可以了解数据的均值、标 准差等关键统计量。
- 1、下载文档前请自行甄别文档内容的完整性,平台不提供额外的编辑、内容补充、找答案等附加服务。
- 2、"仅部分预览"的文档,不可在线预览部分如存在完整性等问题,可反馈申请退款(可完整预览的文档不适用该条件!)。
- 3、如文档侵犯您的权益,请联系客服反馈,我们会尽快为您处理(人工客服工作时间:9:00-18:30)。
% Statistics Toolbox% betafit - Beta parameter estimation.% binofit - Binomial parameter estimation.% dfittool - Distribution fitting tool.% evfit - Extreme value parameter estimation.% expfit - Exponential parameter estimation.% gamfit - Gamma parameter estimation.% lognfit - Lognormal parameter estimation.% mle - Maximum likelihood estimation (MLE).% mlecov - Asymptotic covariance matrix of MLE. % nbinfit - Negative binomial parameter estimation. % normfit - Normal parameter estimation.% poissfit - Poisson parameter estimation.% raylfit - Rayleigh parameter estimation.% unifit - Uniform parameter estimation.% wblfit - Weibull parameter estimation.%% Probability density functions (pdf).% betapdf - Beta density.% binopdf - Binomial density.% chi2pdf - Chi square density.% evpdf - Extreme value density.% exppdf - Exponential density.% fpdf - F density.% gampdf - Gamma density.% geopdf - Geometric density.% hygepdf - Hypergeometric density.% lognpdf - Lognormal density.% mvnpdf - Multivariate normal density.% nbinpdf - Negative binomial density.% ncfpdf - Noncentral F density.% nctpdf - Noncentral t density.% ncx2pdf - Noncentral Chi-square density.% normpdf - Normal (Gaussian) density.% pdf - Density function for a specified distribution. % poisspdf - Poisson density.% raylpdf - Rayleigh density.% tpdf - T density.% unidpdf - Discrete uniform density.% unifpdf - Uniform density.% wblpdf - Weibull density.%% Cumulative Distribution functions (cdf).% betacdf - Beta cdf.% binocdf - Binomial cdf.% cdf - Specified cumulative distribution function.% chi2cdf - Chi square cdf.% ecdf - Empirical cdf (Kaplan-Meier estimate).% evcdf - Extreme value cumulative distribution function. % expcdf - Exponential cdf.% fcdf - F cdf.% gamcdf - Gamma cdf.% geocdf - Geometric cdf.% hygecdf - Hypergeometric cdf.% logncdf - Lognormal cdf.% nbincdf - Negative binomial cdf.% ncfcdf - Noncentral F cdf.% nctcdf - Noncentral t cdf.% ncx2cdf - Noncentral Chi-square cdf.% normcdf - Normal (Gaussian) cdf.% poisscdf - Poisson cdf.% raylcdf - Rayleigh cdf.% tcdf - T cdf.% unidcdf - Discrete uniform cdf.% unifcdf - Uniform cdf.% wblcdf - Weibull cdf.%% Critical Values of Distribution functions.% betainv - Beta inverse cumulative distribution function.% binoinv - Binomial inverse cumulative distribution function.% chi2inv - Chi square inverse cumulative distribution function.% evinv - Extreme value inverse cumulative distribution function.% expinv - Exponential inverse cumulative distribution function.% finv - F inverse cumulative distribution function.% gaminv - Gamma inverse cumulative distribution function.% geoinv - Geometric inverse cumulative distribution function.% hygeinv - Hypergeometric inverse cumulative distribution function. % icdf - Specified inverse cdf.% logninv - Lognormal inverse cumulative distribution function.% nbininv - Negative binomial inverse distribution function.% ncfinv - Noncentral F inverse cumulative distribution function.% nctinv - Noncentral t inverse cumulative distribution function.% ncx2inv - Noncentral Chi-square inverse distribution function.% norminv - Normal (Gaussian) inverse cumulative distribution function. % poissinv - Poisson inverse cumulative distribution function.% raylinv - Rayleigh inverse cumulative distribution function.% tinv - T inverse cumulative distribution function.% unidinv - Discrete uniform inverse cumulative distribution function.% unifinv - Uniform inverse cumulative distribution function. % wblinv - Weibull inverse cumulative distribution function. %% Random Number Generators.% betarnd - Beta random numbers.% binornd - Binomial random numbers.% chi2rnd - Chi square random numbers.% evrnd - Extreme value random numbers.% exprnd - Exponential random numbers.% frnd - F random numbers.% gamrnd - Gamma random numbers.% geornd - Geometric random numbers.% hygernd - Hypergeometric random numbers.% iwishrnd - Inverse Wishart random matrix.% lognrnd - Lognormal random numbers.% mvnrnd - Multivariate normal random numbers.% mvtrnd - Multivariate t random numbers.% nbinrnd - Negative binomial random numbers.% ncfrnd - Noncentral F random numbers.% nctrnd - Noncentral t random numbers.% ncx2rnd - Noncentral Chi-square random numbers.% normrnd - Normal (Gaussian) random numbers.% poissrnd - Poisson random numbers.% randg - Gamma random numbers (unit scale).% random - Random numbers from specified distribution. % randsample - Random sample from finite population. % raylrnd - Rayleigh random numbers.% trnd - T random numbers.% unidrnd - Discrete uniform random numbers.% unifrnd - Uniform random numbers.% wblrnd - Weibull random numbers.% wishrnd - Wishart random matrix.%% Statistics.% betastat - Beta mean and variance.% binostat - Binomial mean and variance.% chi2stat - Chi square mean and variance.% evstat - Extreme value mean and variance.% expstat - Exponential mean and variance.% fstat - F mean and variance.% gamstat - Gamma mean and variance.% geostat - Geometric mean and variance.% hygestat - Hypergeometric mean and variance.% lognstat - Lognormal mean and variance.% nbinstat - Negative binomial mean and variance.% ncfstat - Noncentral F mean and variance.% nctstat - Noncentral t mean and variance.% ncx2stat - Noncentral Chi-square mean and variance.% normstat - Normal (Gaussian) mean and variance.% poisstat - Poisson mean and variance.% raylstat - Rayleigh mean and variance.% tstat - T mean and variance.% unidstat - Discrete uniform mean and variance.% unifstat - Uniform mean and variance.% wblstat - Weibull mean and variance.%% Likelihood functions.% betalike - Negative beta log-likelihood.% evlike - Negative extreme value log-likelihood.% explike - Negative exponential log-likelihood.% gamlike - Negative gamma log-likelihood.% lognlike - Negative lognormal log-likelihood.% nbinlike - Negative likelihood for negative binomial distribution. % normlike - Negative normal likelihood.% wbllike - Negative Weibull log-likelihood.%% Descriptive Statistics.% bootstrp - Bootstrap statistics for any function.% corr - Linear or rank correlation coefficient.% corrcoef - Linear correlation coefficient with confidence intervals. % cov - Covariance.% crosstab - Cross tabulation.% geomean - Geometric mean.% grpstats - Summary statistics by group.% harmmean - Harmonic mean.% iqr - Interquartile range.% kurtosis - Kurtosis.% mad - Median Absolute Deviation.% mean - Sample average (in MATLAB toolbox).% median - 50th percentile of a sample.% moment - Moments of a sample.% nanmax - Maximum ignoring NaNs.% nanmean - Mean ignoring NaNs.% nanmedian - Median ignoring NaNs.% nanmin - Minimum ignoring NaNs.% nanstd - Standard deviation ignoring NaNs.% nansum - Sum ignoring NaNs.% nanvar - Variance ignoring NaNs.% prctile - Percentiles.% quantile - Quantiles.% range - Range.% skewness - Skewness.% std - Standard deviation (in MATLAB toolbox).% tabulate - Frequency table.% trimmean - Trimmed mean.% var - Variance (in MATLAB toolbox).%% Linear Models.% addedvarplot - Created added-variable plot for stepwise regression. % anova1 - One-way analysis of variance.% anova2 - Two-way analysis of variance.% anovan - n-way analysis of variance.% aoctool - Interactive tool for analysis of covariance.% dummyvar - Dummy-variable coding.% friedman - Friedman's test (nonparametric two-way anova).% glmfit - Generalized linear model fitting.% glmval - Evaluate fitted values for generalized linear model.% kruskalwallis - Kruskal-Wallis test (nonparametric one-way anova). % leverage - Regression diagnostic.% lscov - Least-squares estimates with known covariance matrix.% lsqnonneg - Non-negative least-squares.% manova1 - One-way multivariate analysis of variance.% manovacluster - Draw clusters of group means for manova1.% multcompare - Multiple comparisons of means and other estimates. % polyconf - Polynomial evaluation and confidence interval estimation. % polyfit - Least-squares polynomial fitting.% polyval - Predicted values for polynomial functions.% rcoplot - Residuals case order plot.% regress - Multivariate linear regression.% regstats - Regression diagnostics.% ridge - Ridge regression.% robustfit - Robust regression model fitting.% rstool - Multidimensional response surface visualization (RSM).% stepwise - Interactive tool for stepwise regression.% stepwisefit - Non-interactive stepwise regression.% x2fx - Factor settings matrix (x) to design matrix (fx).%% Nonlinear Models.% nlinfit - Nonlinear least-squares data fitting.% nlintool - Interactive graphical tool for prediction in nonlinear models. % nlpredci - Confidence intervals for prediction.% nlparci - Confidence intervals for parameters.%% Design of Experiments (DOE).% bbdesign - Box-Behnken design.% candexch - D-optimal design (row exchange algorithm for candidate set). % candgen - Candidates set for D-optimal design generation.% ccdesign - Central composite design.% cordexch - D-optimal design (coordinate exchange algorithm).% daugment - Augment D-optimal design.% dcovary - D-optimal design with fixed covariates.% ff2n - Two-level full-factorial design.% fracfact - Two-level fractional factorial design.% fullfact - Mixed-level full-factorial design.% hadamard - Hadamard matrices (orthogonal arrays).% lhsdesign - Latin hypercube sampling design.% lhsnorm - Latin hypercube multivariate normal sample.% rowexch - D-optimal design (row exchange algorithm).%% Statistical Process Control (SPC).% capable - Capability indices.% capaplot - Capability plot.% ewmaplot - Exponentially weighted moving average plot.% histfit - Histogram with superimposed normal density.% normspec - Plot normal density between specification limits. % schart - S chart for monitoring variability.% xbarplot - Xbar chart for monitoring the mean.%% Multivariate Statistics.% Cluster Analysis.% cophenet - Cophenetic coefficient.% cluster - Construct clusters from LINKAGE output.% clusterdata - Construct clusters from data.% dendrogram - Generate dendrogram plot.% inconsistent - Inconsistent values of a cluster tree.% kmeans - k-means clustering.% linkage - Hierarchical cluster information.% pdist - Pairwise distance between observations.% silhouette - Silhouette plot of clustered data.% squareform - Square matrix formatted distance.%% Dimension Reduction Techniques.% factoran - Factor analysis.% pcacov - Principal components from covariance matrix.% pcares - Residuals from principal components.% princomp - Principal components analysis from raw data.% rotatefactors - Rotation of FA or PCA loadings.%% Plotting.% andrewsplot - Andrews plot for multivariate data.% biplot - Biplot of variable/factor coefficients and scores.% glyphplot - Plot stars or Chernoff faces for multivariate data.% gplotmatrix - Matrix of scatter plots grouped by a common variable. % parallelcoords - Parallel coordinates plot for multivariate data.%% Other Multivariate Methods.% barttest - Bartlett's test for dimensionality.% canoncorr - Cannonical correlation analysis.% cmdscale - Classical multidimensional scaling.% classify - Linear discriminant analysis.% mahal - Mahalanobis distance.% manova1 - One-way multivariate analysis of variance.% mdscale - Metric and non-metric multidimensional scaling.% procrustes - Procrustes analysis.%% Decision Tree Techniques.% treedisp - Display decision tree.% treefit - Fit data using a classification or regression tree.% treeprune - Prune decision tree or creating optimal pruning sequence. % treetest - Estimate error for decision tree.% treeval - Compute fitted values using decision tree.%% Hypothesis Tests.% ranksum - Wilcoxon rank sum test (independent samples).% signrank - Wilcoxon sign rank test (paired samples).% signtest - Sign test (paired samples).% ztest - Z test.% ttest - One sample t test.% ttest2 - Two sample t test.%% Distribution Testing.% jbtest - Jarque-Bera test of normality% kstest - Kolmogorov-Smirnov test for one sample% kstest2 - Kolmogorov-Smirnov test for two samples% lillietest - Lilliefors test of normality%% Nonparametric Functions.% friedman - Friedman's test (nonparametric two-way anova).% kruskalwallis - Kruskal-Wallis test (nonparametric one-way anova).% ksdensity - Kernel smoothing density estimation.% ranksum - Wilcoxon rank sum test (independent samples).% signrank - Wilcoxon sign rank test (paired samples).% signtest - Sign test (paired samples).%% Hidden Markov Models.% hmmdecode - Calculate HMM posterior state probabilities.% hmmestimate - Estimate HMM parameters given state information.% hmmgenerate - Generate random sequence for HMM.% hmmtrain - Calculate maximum likelihood estimates for HMM parameters. % hmmviterbi - Calculate most probable state path for HMM sequence.%% Statistical Plotting.% andrewsplot - Andrews plot for multivariate data.% biplot - Biplot of variable/factor coefficients and scores.% boxplot - Boxplots of a data matrix (one per column).% cdfplot - Plot of empirical cumulative distribution function.% ecdfhist - Histogram calculated from empirical cdf.% fsurfht - Interactive contour plot of a function.% gline - Point, drag and click line drawing on figures.% glyphplot - Plot stars or Chernoff faces for multivariate data.% gname - Interactive point labeling in x-y plots.% gplotmatrix - Matrix of scatter plots grouped by a common variable.% gscatter - Scatter plot of two variables grouped by a third.% hist - Histogram (in MATLAB toolbox).% hist3 - Three-dimensional histogram of bivariate data.% lsline - Add least-square fit line to scatter plot.% normplot - Normal probability plot.% parallelcoords - Parallel coordinates plot for multivariate data.% probplot - Probability plot.% qqplot - Quantile-Quantile plot.% refcurve - Reference polynomial curve.% refline - Reference line.% surfht - Interactive contour plot of a data grid.% wblplot - Weibull probability plot.%% Statistics Demos.% aoctool - Interactive tool for analysis of covariance.% disttool - GUI tool for exploring probability distribution functions.% polytool - Interactive graph for prediction of fitted polynomials.% randtool - GUI tool for generating random numbers.% rsmdemo - Reaction simulation (DOE, RSM, nonlinear curve fitting).% robustdemo - Interactive tool to compare robust and least squares fits. %% File Based I/O.% tblread - Read in data in tabular format.% tblwrite - Write out data in tabular format to file.% tdfread - Read in text and numeric data from tab-delimitted file.% caseread - Read in case names.% casewrite - Write out case names to file.%% Utility Functions.% combnk - Enumeration of all combinations of n objects k at a time. % grp2idx - Convert grouping variable to indices and array of names. % hougen - Prediction function for Hougen model (nonlinear example). % statget - Get STATS options parameter value.% statset - Set STATS options parameter value.% tiedrank - Compute ranks of sample, adjusting for ties.% zscore - Normalize matrix columns to mean 0, variance 1.% Other Utility Functions.% betalik1 - Computation function for negative beta log-likelihood.% boxutil - Utility function for boxplot.% cdfcalc - Computation function for empirical cdf.% dfgetset - Getting and setting dfittool parameters.% dfswitchyard - Invoking private functions for dfittool.% distchck - Argument checking for cdf, pdf and inverse functions.% export2wsdlg - Dialog to export data from gui to workspace.% iscatter - Grouped scatter plot using integer grouping.% meansgraph - Interactive means graph for multiple comparisons. % statdisptable - Display table of statistics.%% HTML Demo Functions.% classdemo - Classification demo.% clusterdemo - Cluster analysis demo.% cmdscaledemo - Classical multidimensional scaling demo.% copulademo - Copula simulation demo.% customdist1demo - Custom distribution fitting demo.% customdist2demo - Custom distribution fitting demo.% factorandemo - Factor analysis demo.% glmdemo - Generalized linear model demo.% gparetodemo - Generalized Pareto fitting demo.% mdscaledemo - Non-classical multidimensional scaling demo. % mvplotdemo - Multidimensional data plotting demo.% samplesizedemo - Sample size calculation demo.% survivaldemo - Survival data analysis demo.%% Obsolete Functions% weibcdf - Weibull cdf, old parameter definitions.% weibfit - Weibull fitting, old parameter definitions.% weibinv - Weibull inv cdf, old parameter definitions.% weiblike - Weibull likelihood, old parameter definitions.% weibpdf - Weibull pdf, old parameter definitions.% weibplot - Weibull prob plot, old parameter definitions.% weibrnd - Weibull random numbers, old parameter definitions. % weibstat - Weibull statistics, old parameter definitions.。