Welcome![Sign In][Sign Up]
Location:
Search - K RBF

Search list

[Other resourceRBF

Description: 文中设计了一个3层径向基神经网络(RBFN)用于对企业的5项评价指标进行聚类分析,并与蚁群算法做了比较分析。RBFN由输入层 到隐含层采用传统的K一均值算法,隐含层到输出层通过“模2递减”学习速率的BP学习;蚁群算法根据信息素的分配能够自动调整收索 路径,从而达到数据自动聚类的目的。结果表明,与蚁群算法相比,改进RBFN具有快速收敛、自动识别奇异样本的优点,而蚁群算法 无须教师学习,并能够达到全局最优。
Platform: | Size: 166407 | Author: luhui | Hits:

[AI-NN-PRjnntbeta0.2f

Description: 人工神经网络java工具箱源代码 包含BP网络,K分类和RBF网络-ANN java source code toolkit includes BP, K Classification and RBF Network
Platform: | Size: 35840 | Author: 杨帆 | Hits:

[AI-NN-PRkmeans_1

Description: RBF神经网络的K均值算法,C程序的,供大家参考!-RBF neural network algorithm mean K, C procedures, for your reference!
Platform: | Size: 29696 | Author: hxm | Hits:

[matlabrbf_Kmeans

Description: 一个基于K均值聚类的RBF神经网络,注释写的很明白,有不明白的地方可以发邮件问我。-a K-means clustering based on the RBF neural network, notes written very well, did not understand the local mail can ask me.
Platform: | Size: 2048 | Author: bruce | Hits:

[AI-NN-PRkmean

Description: 基于k均值聚类学习算法的rbf神经网络实现-K-means clustering-based learning algorithm of rbf neural network
Platform: | Size: 1024 | Author: 吴强 | Hits:

[AI-NN-PRRBF

Description: 文中设计了一个3层径向基神经网络(RBFN)用于对企业的5项评价指标进行聚类分析,并与蚁群算法做了比较分析。RBFN由输入层 到隐含层采用传统的K一均值算法,隐含层到输出层通过“模2递减”学习速率的BP学习;蚁群算法根据信息素的分配能够自动调整收索 路径,从而达到数据自动聚类的目的。结果表明,与蚁群算法相比,改进RBFN具有快速收敛、自动识别奇异样本的优点,而蚁群算法 无须教师学习,并能够达到全局最优。-In this paper, we designed a 3-layer RBF neural network (RBFN) for the 5-to-business evaluation indicators cluster analysis and ant colony algorithm has done a comparative analysis. RBFN from input layer to hidden layer using the traditional K-means algorithm, hidden layer to output layer through the Mode 2 decreasing learning rate of BP learning ant colony algorithm based on pheromone can automatically adjust the allocation of land Faso path, thereby to achieve the purpose of automatic data clustering. The results showed that compared with the ant colony algorithm to improve the RBFN has a fast convergence, automatic identification of singular advantage of the sample, while the ant colony algorithm do not need teachers to learn and be able to reach the global optimum.
Platform: | Size: 165888 | Author: luhui | Hits:

[OtherRBF_sourcecode

Description: RBF学习方法,包括了:k-means、梯度、OLS三种方法。-RBF learning methods, including: k-means, gradient, OLS three types.
Platform: | Size: 4096 | Author: stephen | Hits:

[matlabmykmeans

Description: matlab code for k-means for neural net RBF
Platform: | Size: 2048 | Author: Mary | Hits:

[matlabRBFNN

Description: Three function for RBF neural network, using OLS,Rand and SGA function [newcenter,sigma,W,yh,rmse]=rbfols(p,t,tol) p 為輸入資料點,N×K矩陣,N是輸入資料維度,K是資料點數 t 為目標輸出值,1×K矩陣 tol 為指定容忍度或正確率 centers選定中心點,N×nc矩陣 sigma為 ? 值 W為輸出層權重,nc×1矩陣 yh為網路輸出值,1×K矩陣 rmse 為目標輸出值與網路輸出值之RMSE-Three function for RBF neural network, using OLS,Rand and SGA function [newcenter,sigma,W,yh,rmse]=rbfols(p,t,tol) p 為輸入資料點,N×K矩陣,N是輸入資料維度,K是資料點數 t 為目標輸出值,1×K矩陣 tol 為指定容忍度或正確率 centers選定中心點,N×nc矩陣 sigma為 ? 值 W為輸出層權重,nc×1矩陣 yh為網路輸出值,1×K矩陣 rmse 為目標輸出值與網路輸出值之RMSE
Platform: | Size: 2048 | Author: aaronwu | Hits:

[matlabrbf_Kmeans

Description: Matlab环境下实现的RBF神经网络K均值聚类算法-Matlab environment to achieve the RBF neural network K-means clustering algorithm
Platform: | Size: 2048 | Author: 心心 | Hits:

[matlabrbf_Kmeans

Description: 基于k均值聚类方法的rbf网络源程序,有需要的就下载吧,-K means clustering method based on rbf network source, there is need to download it,
Platform: | Size: 3072 | Author: | Hits:

[AI-NN-PRsf1847

Description: 数据挖掘建模工具,轻易实现BP神经网络、RBF神经网络、灰色系统、决策树、决策表、贝叶斯、懒惰算法、支持向量机、K均值聚类、Apriori关联规则、HotSpot关联规则、回归分析、指数平滑、季节移动平均及组合等算法建模。-Data mining modeling tools, easy to achieve BP neural network, RBF neural network, gray system, decision tree, decision table, Bayesian, lazy algorithm, support vector machines, K means clustering, Apriori association rules, HotSpot association rules, regression analysis, exponential smoothing, seasonal moving average and the combination, modeling algorithms.
Platform: | Size: 26624 | Author: weijk | Hits:

[AI-NN-PRRBF_OLS

Description: 此程序是神经网络中径向基函数的OLS算法,在MATLAB中实现。用一个2-n-1结构的RBF网对SISO系统进行建模,网络的两个输入为u(k-1)和y(k-1),输出为 y(k)。令y(0)=0,按飞线性系统产生200个样本,其中前100个样本用于训练,后100个样本用于测试。-This program is the radial basis function neural network of OLS algorithm is implemented in MATLAB. With a 2-n-1 structure of RBF network model of the SISO system, the network of two input u (k-1) and y (k-1), output y (k). So that y (0) = 0, the linear system produced by flying 200 samples, of which the first 100 samples for training, after 100 samples for testing.
Platform: | Size: 1024 | Author: lingyun | Hits:

[matlabRBF-k

Description: 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 clustering algorithm weight, the second step is the training of the network based on training data weight
Platform: | Size: 7168 | Author: 小龙 | Hits:

[matlabk-rbf

Description: 程序是基于K均值聚类的RBF代码,很好的一个例子。-K means clustering procedure is based on the RBF code, a good example.
Platform: | Size: 1024 | Author: 唐毅 | Hits:

[matlablsm-rbf

Description: 一种最小二乘法的RBF网络 --- --- --- --- --- ---- radical basis function neural network ------------------------------------------ clear all close all global sp k w2 b2 unitcenters alldatanum=400 traindatanum=300 testdatanum=100 sp=8 errorlimit=0.1 u=rand(1,alldatanum+10) y=zeros(1,alldatanum+10) for i=4:alldatanum+3 y(1,i)=1.5*y(1,i-1)*y(1,i-2)*y(1,i-3)/(3+y(1,i-1)+y(1,i-2)*y(1,i-2)+... y(1,i-3)*y(1,i-3)*y(1,i-3))+u(1,i)+u(1,i-1)+u(1,i-2)-radical basis function neural network ------------------------------------------ clear all close all global sp k w2 b2 unitcenters alldatanum=400 traindatanum=300 testdatanum=100 sp=8 errorlimit=0.1 u=rand(1,alldatanum+10) y=zeros(1,alldatanum+10) for i=4:alldatanum+3 y(1,i)=1.5*y(1,i-1)*y(1,i-2)*y(1,i-3)/(3+y(1,i-1)+y(1,i-2)*y(1,i-2)+... y(1,i-3)*y(1,i-3)*y(1,i-3))+u(1,i)+u(1,i-1)+u(1,i-2) 。。。。。。。。。。。。。。。。。。。。。。。。。。。。。。。。
Platform: | Size: 1024 | Author: aausxojq | Hits:

[AI-NN-PRk-means-clustering-of-rbf-

Description: 聚类算法:聚类分析是指事先不了解一批样品中的每一个样品的类别 基于k均值聚类学习算法的rbf神经网络实现-Clustering algorithm: cluster analysis is the prior knowledge of each batch of samples in the sample of category learning algorithm based on k means clustering of rbf neural network
Platform: | Size: 1024 | Author: xw | Hits:

[AI-NN-PRRBF-k均值聚类

Description: RBF(径向基神经网络)网络是一种重要的神经网络,RBF网络的训练分为两步,第一步是通过聚类算法得到初始的权值,第二步是根据训练数据训练网络的权值。RBF权值的初始聚类方法较为复杂,比较简单的有K均值聚类,复杂的有遗传聚类,蚁群聚类等,这个RBF网络的程序是基于K均值聚类的RBF代码。(RBF (radial basis function network) is an important neural network. The training of RBF network is divided into two steps. The first step is to get the initial weight by clustering algorithm, and the second step is to train the weight of the network according to training data. The initial clustering method of RBF weights is relatively complex. There are relatively simple K mean clustering, complex genetic clustering, ant colony clustering, etc. this RBF network is based on K means clustering RBF code.)
Platform: | Size: 6144 | Author: 老外 | Hits:

[AI-NN-PR七个RBF神经网络的源程序

Description: 包含了RBF源代码,可以用于RBF神经网络编程,其中包括RBF聚类,K均值聚类等(It includes the RBF source code, which can be used for RBF neural network programming, including RBF clustering, K mean clustering, etc.)
Platform: | Size: 8192 | Author: 小梦321 | Hits:

[matlabPSO-rbf-kmeans

Description: pso rbf k-means simulik with matlab(programme d'un pso en hybride avec un rbf)
Platform: | Size: 5120 | Author: hichemhamdi | Hits:
« 12 3 »

CodeBus www.codebus.net