搜索资源列表
MLP2
- 我ANN的大作业,里面有三个程序,里面有测试训练数据主要关于MLP-ANN big operation, there are three procedures, and they test data on the training MLP
transform
- matlab例程,实现将图像样本转换成libsvm数据格式,并写入txt文件(附有测试和训练数据)-matlab routine to achieve the image samples into libsvm data format, and write txt file (with the test and training data)
svc23
- SVM 的代码,工具箱的使用内部有详细的说明,请读者看看Matlab代码中参数使用,将训练数据以矩阵形式输入,即可使用-SVM code, the use of the toolbox there are detailed instructions, please take a look at Matlab code readers parameter use, will be a matrix of training data input, you can use
RBF_Network
- 用RBF神经网络算法对样本数据进行分类,再对训练数据进行分类的程序-RBF net-work used in classification
programmatlabBP
- 使用BP神经网络训练数据并且作出预测,比较预测值与真实值的误差。-The use of BP neural network training data and make predictions, comparing predicted and actual values of error.
som(Jal.You)
- SOM神经网络(自组织特征映射神经网络)是一种无导师神经网路。网络的拓扑结构是由一个输入层与一个输出层构成。输入层的节点数即为输入样本的维数,其中每一节点代表输入样本中的一个分量。输出层节点排列结构是二维阵列。输入层X中的每个节点均与输出层Y每个神经元节点通过一权值(权矢量为W)相连接,这样每个输出层节点均对应于一个连接权矢量。 自组织特征映射的基本原理是,当某类模式输入时,其输出层某一节点得到最大刺激而获胜,获胜节点周围的一些节点因侧向作用也受到较大刺激。这时网络进行一次学习操作,获胜节点
work
- 本文中有两个函数m文件:model126.m是一个用于预测的完全没有用工具箱函数的补偿模糊神经网络主程序,用于仿真、对比训练数据和网络输出的差异;cb.m是一个非线性系统的数学模型,在model126.m中用“ode45”函数求解这个数学模型后,可以得到105个x1(t)、x2(t)和y(t),从而建立起一个两输入一输出的补偿模糊神经网络。-failed to translate
DTW
- DTW(Dynamic Time Warping,动态时间归整)算法,该算法基于动态规划(DP)的思想,解决了发音长短不一的模板匹配问题,是语音识别中出现较早、较为经典的一种算法。用于孤立词识别,DTW算法与HMM算法在训练阶段需要提供大量的语音数据,通过反复计算才能得到模型参数,而DTW算法的训练中几乎不需要额外的计算。所以在孤立词语音识别中,DTW算法仍然得到广泛的应用。 -DTW (Dynamic Time Warping, dynamic time warping) algorithm
RBF-k
- RBF(径向基神经网络)网络是一种重要的神经网络,RBF网络的训练分为两步,第一步是通过聚类算法得到初始的权值,第二步是根据训练数据训练网络的权值-RBF (radial basis function neural network) network is an important neural network, RBF network training is divided into two steps, first step is to get through the initial clus
gmdh_example
- GMDH_main为GMDH主函数; variable_Combin为输入层初始变量选为x1,x1^2,x1*x2,x2^2,x2时的输入变量矩阵值 variable_select计算X_train训练输入数据,Y_train训练输出数据,X_test测试输入数据,Y_test测试输出数据 Combin为求变量的两两组合 Sym_Combin为求符号变量的两两组合 PE_AIC求每层各神经元的参数估计W,及训练数据在参数估计后估计的输出out_train,测试数据在参数估计后
TE-data
- 田纳西-伊斯曼过程的数据,分训练集和测试集,共44组数据。-Tennessee- Eastman process the data, sub-training set and test set, a total of 44 sets of data.
Adaboost
- Adaboost算法是一类弱分类器,本算法使用adaboost算法实现对于训练数据划分成两个组,然后可以用来进行数据的分类。-Adaboost algorithm is a class of weak classifier, the algorithm uses adaboost algorithm for the training data into two groups, and then can be used for data classification.
SVM
- SVM支持向量机。使用quadprog实现了SVM机器学习,把训练数据分成两组,找到决策面。-SVM Support Vector Machine. SVM achieved using quadprog machine learning, the training data into two groups, find decision-making surface.
shenjingwangluo
- T=[1 0 0 1 0 0 1 0 0 0 1 0 0 1 0 0 1 0 0 0 1 0 0 1 0 0 1] 输入向量的最大值和最小值 threshold=[0 1 0 1 0 1 0 1 0 1 0 1 0 1 0 1 0 1 0 1 0 1 0 1 0 1 0 1 0 1] net=newff(threshold,[31 3],{ tansig , logsig }, trainlm ) 训练次数为1000,训练目标为0.01,学习速率为0.1
lab02
- 在MATLAB实现的用C实现的KNN算法,输入训练数据文件,和test文件,进行预测分类,并且可以与真实情况比较测试预测正确百分比-Implemented in MATLAB KNN algorithm implemented in C, the input training data file, and test files, to predict the classification and testing with the real situation is more correct pe
Nnetmod
- 数据挖掘后向传播分类算法matlab实现,无测试与训练数据集-After the dissemination of data mining classification algorithm matlab to implement, test and training data set without
C4_5
- matlab实现决策树C4.5算法,首先利用训练数据创建决策树,再用测试数据对决策树进行剪枝。-C4.5 decision tree algorithm matlab realize, first use training data to create decision trees, and then test data for decision tree pruning.
Train_test25
- 基于支持向量机的数据训练,用matlab实现(Data training based on support vector machine. using matlab to finish this process)
bearingFaultDiagnosisa
- 包含轴承故障数据,来源于MFPT(Machinery Failure Prevent Technology)论坛,分四组训练数据和测试数据; 数据可直接做频谱分析,效果很好(contain bearing faults data sets, 4 train datas and 4 test datas, can be used for FFT/envespectrum analysis, and you will get perfect effects.)
北京市三甲医院基本数据(未精校)
- 训练数据集,包含各种三家医院,可以自己再筛选一下(Training data set, including a variety of three hospitals, you can filter yourself)