搜索资源列表
libsvm-weight-2.81
- 一种基于局部密度比权重设置模型的加权支持向量回归模型来单步求解多分类问题:该方法先分别对类样本中每类样本利用局部密度比权重设置模型求出每个样本的权重隶属因子,然后运用加权lib支持向量回归算法对所有样本进行训练,获得回归分类器,希望对大家有用!
Predict
- 成本预测系统,采用二次线形回归模型,采用access数据库,也属于人工智能的领域
svm1
- 介绍了支持向量机的原理,建立了支持向量机回归模型-a support vector machine (SVM) principle
TimeSeriesPredictionUsingSupportVectorRegressionNe
- 为了选择神经网络的最好结构以及增强模型的推广能力,提出一种自适应支持向量回归神经网络(SVR—NN)。SVR—NN 用支持向量回归(SVR)方法获得网络的初始结构和权值, 白适应地生 成网络隐层结点,然后用基于退火过程的鲁棒学习算法更新网络结点疹教和权 主。 SVR—NN有很 好的收敛性和鲁棒性,能抑制由于数据异常和参数选择不当所导致的“过拟合,’现象。将SVR—NN 应用到时间序列预测上。结果表明,SVR.NN预测模型能精确地预测混沌时间序列,具有很好的 理论和应用价值。-Ab
AFSA-neural-network-based-projection-pursuit-regre
- 一种基于AFSA的神经网络投影寻踪耦合回归模型AFSA neural network based projection pursuit regression model coupling-AFSA neural network based projection pursuit regression model coupling
gapetsvr
- 一个用于石油降解率预测的SVR程序,采用遗传算法优化支持向量回归模型的参数。供大家参考!-a SVR model for prediction of oil degradation rate. The parameters of SVR model was optimized by GA.
GA-elman
- Elman神经网络回归模型,GA优化权值阈值-Established a regression model by Elman, GA was used to optimizied weigth and threshold
ARMA-model
- 模型包括三种基本类型:自 回归模型、移动平均模型和 自回归移动平均模型 -The model consists of three basic types: the regression model, moving average and autoregressive moving average model
mathematical-model-15
- matlab数学建模中的15个模型的算法讲解与举例,包括灰色预测、灰色关联分析、主成分分析法、模糊聚类分析、随机模拟、多元回归模型、正交试验设计、图论、目标规划模型、马尔可夫预测方法、时间序列分析、模糊综合评价模型、层次分析模型、模糊数学方法、模拟退火算法。-15 model matlab mathematical modeling method to explain with examples, including the gray prediction, gray correlation a
yiyuanhuiguifexi
- 进行一元线性回归分析,分析的模型y=a+bx+e,e服从N(0,sigma平方),以及根据所建的一元线性回归模型进行预测实例-A linear regression analysis, the analysis of the model y = a+bx+e, e obey N (0, sigma squared), and built a linear regression model to predict instance
SVMcgForRegress
- 支持向量机回归模型,可应用于经济、金融时间序列预测!-SVM Model
logistic-regression
- 逻辑回归模型的实现,可以进行训练,预测,分类-Achieve logistic regression model can be trained, forecasting, classification
jumpgarchfun
- 跳跃扩散模型结合条件异方差自回归模型的参数估计-Jump diffusion model combined with conditional heteroskedasticity self-parametric regression models estimate
MATLAB神经网络30个案例分析
- 神经网络,回归预测,30个典型案例,回归模型,数据驱动(Neural network, regression prediction, 30 typical cases, regression model, data-driven)
knn
- k最近邻算法:分类和回归。通过对训练集分类训练模型,验证集用于验证数据的准确性。(K nearest neighbor algorithm: classification and regression. Through the training set classification training model, the verification set is used to verify the accuracy of the data.)
Ch09_ReTree
- 回归树、模型树、梯度提升树的算法实现,适用于人工智能、机器学习中的回归问题(The algorithm implementation of regression tree, model tree and gradient lifting tree is suitable for artificial intelligence and machine learning.)
bayesian_regression
- 贝叶斯回归是一个很好的回归模型。相对与其他模型,贝叶斯回归可以避免因为模型过简单或者过复杂而产生的拟合不足和过拟合的问题。(Bayesian Regression is a good regression model. Compared with other models, Bayesian Regression can avoid the problems of Under-fitting and Over-fitting resulting from the simple or too co
Python实现逻辑回归与梯度下降策略
- 建立一个逻辑回归模型来预测一个大学生是否被大学录取(Establish a logistic regression model to predict whether a college student will be admitted to a university)
code
- 利用神经网络模型对目标变量进行回归预测,快速,高效,可调参。(Using neural network model to predict the target variables, fast, efficient, adjustable parameters.)
lstm回归预测模型
- 长短时记忆神经网络回归预测模型,可做负荷预测,能耗预测,股票预测等。