CN106295797A - A kind of FNR based on random weight network analyzes training method and the training system of model - Google Patents
A kind of FNR based on random weight network analyzes training method and the training system of model Download PDFInfo
- Publication number
- CN106295797A CN106295797A CN201610652065.3A CN201610652065A CN106295797A CN 106295797 A CN106295797 A CN 106295797A CN 201610652065 A CN201610652065 A CN 201610652065A CN 106295797 A CN106295797 A CN 106295797A
- Authority
- CN
- China
- Prior art keywords
- output
- cut set
- hidden layer
- training sample
- alpha
- Prior art date
- Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
- Pending
Links
Classifications
- 
        - G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N3/00—Computing arrangements based on biological models
- G06N3/02—Neural networks
- G06N3/04—Architecture, e.g. interconnection topology
- G06N3/043—Architecture, e.g. interconnection topology based on fuzzy logic, fuzzy membership or fuzzy inference, e.g. adaptive neuro-fuzzy inference systems [ANFIS]
 
- 
        - G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N3/00—Computing arrangements based on biological models
- G06N3/02—Neural networks
- G06N3/04—Architecture, e.g. interconnection topology
- G06N3/047—Probabilistic or stochastic networks
 
- 
        - G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N3/00—Computing arrangements based on biological models
- G06N3/02—Neural networks
- G06N3/08—Learning methods
 
Landscapes
- Engineering & Computer Science (AREA)
- Physics & Mathematics (AREA)
- Theoretical Computer Science (AREA)
- General Physics & Mathematics (AREA)
- Software Systems (AREA)
- General Health & Medical Sciences (AREA)
- Data Mining & Analysis (AREA)
- Mathematical Physics (AREA)
- General Engineering & Computer Science (AREA)
- Computing Systems (AREA)
- Health & Medical Sciences (AREA)
- Life Sciences & Earth Sciences (AREA)
- Artificial Intelligence (AREA)
- Biomedical Technology (AREA)
- Biophysics (AREA)
- Computational Linguistics (AREA)
- Molecular Biology (AREA)
- Evolutionary Computation (AREA)
- Computational Mathematics (AREA)
- Mathematical Analysis (AREA)
- Fuzzy Systems (AREA)
- Pure & Applied Mathematics (AREA)
- Mathematical Optimization (AREA)
- Automation & Control Theory (AREA)
- Probability & Statistics with Applications (AREA)
- Management, Administration, Business Operations System, And Electronic Commerce (AREA)
Abstract
本发明涉及数据分析技术领域,尤其涉及一种基于随机权网络的FNR(Fuzzy Nonlinear Regression,模糊非线性回归)分析模型的训练方法及训练系统。该训练方法及训练系统中使用的随机权网络不需要迭代训练,它的输入权重随机选取,输出权重基于模糊输入‑模糊输出的训练集解析式地求得,并通过对输出层权重解析表达式的正则化处理来控制模型的过拟合。与传统的基于Sigmoid神经网络的FNR模型和基于径向基函数网络的FNR模型相比较,本发明的优势体现在:具有极快的训练速度(最快比现有方法快将近1000倍)和高效的过拟合控制能力(基本上不存在过拟合现象)。
The invention relates to the technical field of data analysis, in particular to a training method and a training system for an FNR (Fuzzy Nonlinear Regression, fuzzy nonlinear regression) analysis model based on a random weight network. The random weight network used in the training method and training system does not need iterative training, its input weight is randomly selected, and the output weight is obtained analytically based on the training set of fuzzy input-fuzzy output, and through the analytical expression of the output layer weight regularization to control the overfitting of the model. Compared with the traditional FNR model based on Sigmoid neural network and the FNR model based on radial basis function network, the advantages of the present invention are as follows: extremely fast training speed (nearly 1000 times faster than existing methods) and efficient Over-fitting control ability (basically no over-fitting phenomenon).
Description
技术领域technical field
本发明涉及数据分析技术领域,尤其涉及一种基于随机权网络的FNR(FuzzyNonlinear Regression,模糊非线性回归)分析模型的训练方法及训练系统。The invention relates to the technical field of data analysis, in particular to a training method and a training system for an FNR (Fuzzy Nonlinear Regression, fuzzy nonlinear regression) analysis model based on a random weight network.
背景技术Background technique
模糊回归分析分为模糊线性回归(Fuzzy Linear Regression-FLR)分析和FNR(Fuzzy Nonlinear Regression-FNR)分析两种。1982年,日本学者Tanaka等人[1]给出了最早的FLR分析模型:清晰输入与模糊输出之间的关系通过构建一个带有模糊系数的线性函数来表示。之后,大批学者对Tanaka的FLR模型进行了扩展,主要包括两个方面:带有清晰系数的模糊输入-模糊输出FLR模型和带有模糊系数的模糊输入-模糊输出FLR模型。求解FLR模型的主要任务就是确定线性函数中的清晰系数或者模糊系数。常用的方法包括目标规划法(Goal Programming Approach)和模糊最小二乘法(Fuzzy Least Square Method)。然而,对于大多数的实际应用而言,输入与输出之间的关系往往是非线性的。显然,Tanaka的FLR模型以及之后的FLR改进模型不能够处理非线性模糊输入-模糊输出的回归问题。鉴于神经网络在处理非线性回归问题上的优势,1995年日本学者Ishibuchi等人[2]以及2005年Zhang等人[3]分别提出使用Sigmoid神经网络和径向基函数网络处理非线性模糊输入-模糊输出回归问题的FNR模型FNRBP和FNRRBF,其中Sigmoid神经网络的输入层和输出层权重以及径向基函数网络的径向基函数中心、半径以及输出层权重均采用迭代式的、基于梯度下降的误差反传方法确定。尽管FNRBP和FNRRBF获得了良好的实验效果,但是较高的计算复杂度以及模型的易过拟合在很大程度上限制了FNRBP和FNRRBF向实际应用领域的推广。Fuzzy regression analysis is divided into fuzzy linear regression (Fuzzy Linear Regression-FLR) analysis and FNR (Fuzzy Nonlinear Regression-FNR) analysis. In 1982, Japanese scholar Tanaka et al. [1] gave the earliest FLR analysis model: the relationship between clear input and fuzzy output is expressed by constructing a linear function with fuzzy coefficients. Later, a large number of scholars extended Tanaka's FLR model, which mainly includes two aspects: the fuzzy input-fuzzy output FLR model with clear coefficients and the fuzzy input-fuzzy output FLR model with fuzzy coefficients. The main task of solving the FLR model is to determine the sharp or fuzzy coefficients in the linear function. Commonly used methods include Goal Programming Approach and Fuzzy Least Square Method. However, for most practical applications, the relationship between input and output is often nonlinear. Obviously, Tanaka's FLR model and the subsequent FLR improved model cannot deal with the nonlinear fuzzy input-fuzzy output regression problem. In view of the advantages of neural networks in dealing with nonlinear regression problems, Japanese scholars Ishibuchi et al. [2] in 1995 and Zhang et al. [3] in 2005 proposed to use Sigmoid neural network and radial basis function network to deal with nonlinear fuzzy input- The FNR models FNRBP and FNRRBF of the fuzzy output regression problem, in which the input layer and output layer weights of the Sigmoid neural network and the radial basis function center, radius and output layer weights of the radial basis function network all adopt iterative, gradient-based The error backpropagation method is determined. Although FNRBP and FNRRBF have obtained good experimental results, the high computational complexity and the easy overfitting of the model largely limit the promotion of FNRBP and FNRRBF to practical applications.
FNR分析是一种有效的、用于分析模糊输入-模糊输出变量之间非线性函数关系的数据挖掘技术,已被成功地应用于商业管理、工程控制、经济学、社会学、以及生物科学等领域,获得了良好的实际应用效果。现有的解决FNR问题的主要策略是利用迭代式的误差反传算法训练Sigmoid神经网络或者是径向基函数网络,这两种策略的主要缺陷表现在:训练复杂度较高以及模型易过拟合。FNR analysis is an effective data mining technique for analyzing the nonlinear functional relationship between fuzzy input-fuzzy output variables, and has been successfully applied in business management, engineering control, economics, sociology, and biological sciences, etc. field, and achieved good practical application results. The existing main strategy to solve the FNR problem is to use the iterative error backpropagation algorithm to train the Sigmoid neural network or the radial basis function network. The main defects of these two strategies are: high training complexity and easy overfitting of the model combine.
现有的使用神经网络解决非线性模糊输入-模糊输出回归问题的主要方法包括以下两种:基于Sigmoid神经网络的FNR模型FNRBP和基于径向基函数网络的FNR模型FNRRBF。The existing main methods of using neural network to solve nonlinear fuzzy input-fuzzy output regression problem include the following two: FNR model FNR BP based on Sigmoid neural network and FNR model FNR RBF based on radial basis function network.
FNRBP为一个三层全链接前馈式神经网络,隐含层节点的激活函数为Sigmoid函数,输入层权重、隐含层偏置、以及输出层权重均为清晰值,用于处理输入和输出均为区间值模糊数的非线性模糊回归问题。FNRBP基于梯度下降法推导出权重的更新规则,之后使用误差反传方法迭代地调整网络权重,从而使得预测误差最小化。FNR BP is a three-layer full-link feed-forward neural network. The activation function of the hidden layer nodes is the Sigmoid function. The input layer weights, hidden layer biases, and output layer weights are all clear values for processing input and output. Both are nonlinear fuzzy regression problems with interval-valued fuzzy numbers. FNR BP derives the weight update rule based on the gradient descent method, and then uses the error backpropagation method to iteratively adjust the network weight to minimize the prediction error.
FNRRBF为一个输入和输出均为L-R型模糊数的径向基函数网络,其径向基函数的中心、半径、以及输出层权重均为L-R型模糊数。类似于FNRBP,FNRRBF同样采用梯度下降法推导出权重的更新规则,之后再使用误差反传方法迭代地调整网络参数,从而达到最小化预测误差的目的。FNR RBF is a radial basis function network whose input and output are LR-type fuzzy numbers, and the center, radius, and output layer weight of the radial basis function are all LR-type fuzzy numbers. Similar to FNR BP , FNR RBF also uses the gradient descent method to derive the update rule of the weight, and then uses the error back propagation method to iteratively adjust the network parameters, so as to minimize the prediction error.
上述基于Sigmoid神经网络的FNR模型FNRBP和基于径向基函数网络的FNR模型FNRRBF的主要缺点为:The main disadvantages of the above-mentioned FNR model FNR BP based on the Sigmoid neural network and the FNR model FNR RBF based on the radial basis function network are:
时间复杂度高:由于采用了基于梯度下降的迭代式参数调整策略,为了保证预测误差的最小化,模型的训练往往需要几百次乃至上千次的迭代,因此FNRBP和FNRRBF的训练非常耗时;High time complexity: Due to the use of an iterative parameter adjustment strategy based on gradient descent, in order to ensure the minimization of prediction errors, the training of the model often requires hundreds or even thousands of iterations, so the training of FNR BP and FNR RBF is very difficult. time consuming;
易过拟合:过拟合是神经网络最为显著的缺陷,当使用神经网络处理非线性模糊输入-模糊输出回归问题时,这一缺陷同样不可避免。当使用误差反传算法在训练训练样本上获得了神经网络的最优参数后,神经网络很容易陷入一种“饱和”的状态,即来自于训练集的知识使神经网络的知识库充满,从而无法接受新知识。Easy to overfitting: Overfitting is the most obvious defect of neural networks, and this defect is also inevitable when using neural networks to deal with nonlinear fuzzy input-fuzzy output regression problems. After using the error backpropagation algorithm to obtain the optimal parameters of the neural network on the training samples, the neural network can easily fall into a state of "saturation", that is, the knowledge from the training set fills the knowledge base of the neural network, thus Unable to accept new knowledge.
发明内容Contents of the invention
本发明所要解决的技术问题是,提供一种基于随机权网络的FNR分析模型的训练方法及训练系统,以解决现有的基于Sigmoid神经网络的FNR分析模型和基于径向基函数网络的FNR分析模型时间复杂度高、且易于过拟合的缺陷。本发明是这样实现的:The technical problem to be solved by the present invention is to provide a kind of training method and training system based on the FNR analysis model of random weight network, to solve the existing FNR analysis model based on Sigmoid neural network and the FNR analysis based on radial basis function network The model has high time complexity and is prone to overfitting defects. The present invention is achieved like this:
一种基于随机权网络的FNR分析模型的训练方法,包括如下步骤:A kind of training method of the FNR analysis model based on random weight network, comprises the steps:
步骤1:确定用以引导随机权网络隐含层输出权重的训练模式的损失函数E;Step 1: Determine the loss function E of the training mode used to guide the output weight of the hidden layer of the random weight network;
所述损失函数E的表达式如下:The expression of the loss function E is as follows:
其中: in:
N为训练样本数目;N is the number of training samples;
α表示截点值;α represents the cutoff value;
[Tn]α为训练样本Xn预测输出的α-截集, [T n ] α is the α-cut set of the predicted output of the training sample X n ,
[γn]α为训练样本Xn实际输出的α-截集, [γ n ] α is the α-cut set of the actual output of the training sample X n ,
其中: in:
表示训练样本Xn预测输出的α-截集的下边界点; Represents the lower boundary point of the α-cut set of the training sample X n predicted output;
表示训练样本Xn预测输出的α-截集的上边界点; Represents the upper boundary point of the α-cut set of the training sample X n predicted output;
表示训练样本Xn实际输出的α-截集的下边界点; Represents the lower boundary point of the α-cut set actually output by the training sample X n ;
表示训练样本Xn实际输出的α-截集的上边界点; Represents the upper boundary point of the α-cut set actually output by the training sample X n ;
步骤2:确定所述训练样本Xn预测输出的α-截集的具体形式为:Step 2: Determine the specific form of the α-cut set of the predicted output of the training sample X n as:
;其中:;in:
Hnj表示第n个训练样本对应的第j个隐含层节点的输出;H nj represents the output of the jth hidden layer node corresponding to the nth training sample;
表示Hnj的α‐截集的下边界点; Represents the lower boundary point of the α-cut set of H nj ;
表示Hnj的α‐截集的上边界点; Represents the upper boundary point of the α-cut set of H nj ;
rnj1表示第n个训练样本对应的第j个隐含层节点输入的左端点;r nj1 represents the left endpoint of the jth hidden layer node input corresponding to the nth training sample;
rnj2表示第n个训练样本对应的第j个隐含层节点输入的中值点;r nj2 represents the median point of the jth hidden layer node input corresponding to the nth training sample;
rnj3表示第n个训练样本对应的第j个隐含层节点输入的右端点;r nj3 represents the right endpoint of the jth hidden layer node input corresponding to the nth training sample;
βj表示第j个隐含层节点与输出层节点链接的权重;β j represents the weight of the link between the jth hidden layer node and the output layer node;
步骤3:根据所述损失函数E确定随机权网络输出层权重β的具体形式;具体为:Step 3: Determine the specific form of the output layer weight β of the random weight network according to the loss function E; specifically:
其中: in:
为随机权网络隐含层输出的α‐截集的下边界矩阵, is the lower boundary matrix of the α-cut set output by the hidden layer of the random weight network,
为随机权网络隐含层输出的α‐截集的上边界矩阵, is the upper boundary matrix of the α-cut set output by the hidden layer of the random weight network,
为实际输出的α‐截集的下边界向量, is the lower boundary vector of the actual output α-cut set,
为实际输出的α‐截集的上边界向量,其中: is the upper boundary vector of the actual output α-cut set, in:
N×K表示矩阵的阶数为N行K列; N×K means that the order of the matrix is N rows and K columns;
T表示向量的转置;T represents the transpose of the vector;
根据推导出according to Deduced
其中: in:
为隐含层输出的α‐截集的下边界矩阵的积分, is the integral of the lower bound matrix of the α-cut set output by the hidden layer,
为隐含层输出的α‐截集的上边界矩阵的积分, is the integral of the upper bound matrix of the α-cut set output by the hidden layer,
为实际输出的α‐截集的下边界向量的积分, is the integral of the lower boundary vector of the α-cut set of the actual output,
为实际输出的α‐截集的上边界向量的积分, is the integral of the upper boundary vector of the α-cut set of the actual output,
其中:in:
yN1表示第N个训练样本实际输出的α‐截集的左端点;y N1 represents the left endpoint of the α-cut set actually output by the Nth training sample;
yN2表示第N个训练样本实际输出的α‐截集的中值点;y N2 represents the median point of the α-cut set actually output by the Nth training sample;
yN3表示第N个训练样本实际输出的α‐截集的右端点;y N3 represents the right endpoint of the α-cut set actually output by the Nth training sample;
令则得出随机权网络输出层权重β的解析表达式为:make Then the analytical expression of the weight β of the output layer of the random weight network is obtained as:
β=H+γ;β = H + γ;
其中,H+为矩阵H的广义逆矩阵, Among them, H + is the generalized inverse matrix of matrix H,
其中,C为正则化因子,用以控制随机权网络的过拟合,C>0;I为单位矩阵。Among them, C is a regularization factor, which is used to control the overfitting of the random weight network, C>0; I is the identity matrix.
进一步地,假设训练样本Xn对应的隐含层输入向量为Rn=(Rn1,Rn2,…,RnK),则第n个训练样本对应的第j个隐含层节点的输入Rnj对应的三角模糊数为:Further, assuming that the hidden layer input vector corresponding to the training sample X n is R n =(R n1 , R n2 ,...,R nK ), then the input R of the jth hidden layer node corresponding to the nth training sample The triangular fuzzy number corresponding to nj is:
其中: in:
wji表示模糊随机权网络第i个输入层节点与第j个隐含层节点链接的权重;w ji represents the weight of the connection between the i-th input layer node and the j-th hidden layer node of the fuzzy random weight network;
xni1表示第n个训练样本的左端点;x ni1 represents the left endpoint of the nth training sample;
xni2表示第n个训练样本的中值点;x ni2 represents the median point of the nth training sample;
xni3表示第n个训练样本的右端点;x ni3 represents the right endpoint of the nth training sample;
利用Hn=(Hn1,Hn2,…,HnK)表示训练样本Xn对应的隐含层输出向量,则分量Hnj表示为:Use H n = (H n1 , H n2 ,..., H nK ) to represent the hidden layer output vector corresponding to the training sample X n , then the component H nj is expressed as:
        
进一步地,假设未知样本为:Further, suppose the unknown sample is:
X=(X1,X2,…,XD)=((x11,x12,x13),(x21,x22,x23),…,(xD1,xD2,xD3));其中:X=(X 1 ,X 2 ,...,X D )=((x 11 ,x 12 ,x 13 ),(x 21 ,x 22 ,x 23 ),...,(x D1 ,x D2 ,x D3 ) );in:
X为未知样本;X is an unknown sample;
XD表示未知样本的第D个三角模糊数属性;X D represents the Dth triangular fuzzy number attribute of the unknown sample;
xD1表示三角模糊数XD的左端点;x D1 represents the left endpoint of the triangular fuzzy number X D ;
xD2表示三角模糊数XD的中值点;x D2 represents the median point of the triangular fuzzy number X D ;
xD3表示三角模糊数XD的右端点;x D3 represents the right endpoint of the triangular fuzzy number X D ;
所述方法还包括:The method also includes:
步骤4:利用训练得到的FNR分析模型对未知样本X进行预测,得到的预测输出的α‐截集表示为:Step 4: Use the trained FNR analysis model to predict the unknown sample X, and the α-cut set of the obtained prediction output is expressed as:
其中: in:
其中: in:
Rj表示未知样本对应的第j个隐含层节点的输入;R j represents the input of the jth hidden layer node corresponding to the unknown sample;
rj1表示未知样本对应的第j个隐含层节点输入的左端点;r j1 represents the left endpoint of the jth hidden layer node input corresponding to the unknown sample;
rj2表示未知样本对应的第j个隐含层节点输入的中值点;r j2 represents the median point of the input of the jth hidden layer node corresponding to the unknown sample;
rj3表示未知样本对应的第j个隐含层节点输入的右端点;r j3 represents the right endpoint of the jth hidden layer node input corresponding to the unknown sample;
xi1表示未知样本的左端点;x i1 represents the left endpoint of the unknown sample;
xi2表示未知样本的中值点;x i2 represents the median point of the unknown sample;
xi3表示未知样本的右端点。x i3 represents the right endpoint of the unknown sample.
进一步地,所述方法还包括:Further, the method also includes:
步骤5:通过如下方式对所述得到的预测输出的α‐截集进行修正:Step 5: Correct the α-cut set of the predicted output obtained as follows:
        
进一步地, further,
一种基于随机权网络的FNR分析模型的训练系统,包括:A training system for FNR analysis model based on random weight network, comprising:
损失函数确定模块,其用于确定用以引导随机权网络隐含层输出权重的训练模式的损失函数E;A loss function determination module, which is used to determine the loss function E of the training mode used to guide the hidden layer output weight of the random weight network;
所述损失函数E的表达式如下:The expression of the loss function E is as follows:
其中: in:
N为训练样本数目;N is the number of training samples;
α表示截点值;α represents the cutoff value;
[Tn]α为训练样本Xn预测输出的α-截集, [T n ] α is the α-cut set of the predicted output of the training sample X n ,
[γn]α为训练样本Xn实际输出的α-截集, [γ n ] α is the α-cut set of the actual output of the training sample X n ,
其中: in:
表示训练样本Xn预测输出的α-截集的下边界点; Represents the lower boundary point of the α-cut set of the training sample X n predicted output;
表示训练样本Xn预测输出的α-截集的上边界点; Represents the upper boundary point of the α-cut set of the training sample X n predicted output;
表示训练样本Xn实际输出的α-截集的下边界点; Represents the lower boundary point of the α-cut set actually output by the training sample X n ;
表示训练样本Xn实际输出的α-截集的上边界点; Represents the upper boundary point of the α-cut set actually output by the training sample X n ;
训练样本预测输出确定模块,其用于确定所述训练样本Xn预测输出的α-截集的具体形式为:;其中:A training sample prediction output determination module, which is used to determine the specific form of the α-cut set of the training sample X n prediction output is: ;in:
Hnj表示第n个训练样本对应的第j个隐含层节点的输出;H nj represents the output of the jth hidden layer node corresponding to the nth training sample;
表示Hnj的α‐截集的下边界点; Represents the lower boundary point of the α-cut set of H nj ;
表示Hnj的α‐截集的上边界点; Represents the upper boundary point of the α-cut set of H nj ;
rnj1表示第n个训练样本对应的第j个隐含层节点输入的左端点;r nj1 represents the left endpoint of the jth hidden layer node input corresponding to the nth training sample;
rnj2表示第n个训练样本对应的第j个隐含层节点输入的中值点;r nj2 represents the median point of the jth hidden layer node input corresponding to the nth training sample;
rnj3表示第n个训练样本对应的第j个隐含层节点输入的右端点;r nj3 represents the right endpoint of the jth hidden layer node input corresponding to the nth training sample;
βj表示第j个隐含层节点与输出层节点链接的权重;β j represents the weight of the link between the jth hidden layer node and the output layer node;
随机权网络输出层权重确定模块,其用于根据所述损失函数E确定随机权网络输出层权重β的具体形式:Random weight network output layer weight determination module, which is used to determine the specific form of random weight network output layer weight β according to the loss function E:
其中: in:
为随机权网络隐含层输出的α‐截集的下边界矩阵, is the lower boundary matrix of the α-cut set output by the hidden layer of the random weight network,
为随机权网络隐含层输出的α‐截集的上边界矩阵, is the upper boundary matrix of the α-cut set output by the hidden layer of the random weight network,
为实际输出的α‐截集的下边界向量, is the lower boundary vector of the actual output α-cut set,
为实际输出的α‐截集的上边界向量,其中: is the upper boundary vector of the actual output α-cut set, in:
N×K表示矩阵的阶数为N行K列;N×K means that the order of the matrix is N rows and K columns;
T表示向量的转置;T represents the transpose of the vector;
所述随机权网络输出层权重确定模块根据推导出其中:The random weight network output layer weight determination module is based on Deduced in:
为隐含层输出的α‐截集的下边界矩阵的积分, is the integral of the lower bound matrix of the α-cut set output by the hidden layer,
为隐含层输出的α‐截集的上边界矩阵的积分, is the integral of the upper bound matrix of the α-cut set output by the hidden layer,
为实际输出的α‐截集的下边界向量的积分, is the integral of the lower boundary vector of the α-cut set of the actual output,
为实际输出的α‐截集的上边界向量的积分, is the integral of the upper boundary vector of the α-cut set of the actual output,
其中:in:
yN1表示第N个训练样本实际输出的α‐截集的左端点;y N1 represents the left endpoint of the α-cut set actually output by the Nth training sample;
yN2表示第N个训练样本实际输出的α‐截集的中值点;y N2 represents the median point of the α-cut set actually output by the Nth training sample;
yN3表示第N个训练样本实际输出的α‐截集的右端点;y N3 represents the right endpoint of the α-cut set actually output by the Nth training sample;
令则得出随机权网络输出层权重β的解析表达式为:make Then the analytical expression of the weight β of the output layer of the random weight network is obtained as:
β=H+γ;β = H + γ;
其中,H+为矩阵H的广义逆矩阵, Among them, H + is the generalized inverse matrix of matrix H,
其中,C为正则化因子,用以控制随机权网络的过拟合,C>0;I为单位矩阵。Among them, C is a regularization factor, which is used to control the overfitting of the random weight network, C>0; I is the identity matrix.
进一步地,假设训练样本Xn对应的隐含层输入向量为Rn=(Rn1,Rn2,…,RnK),则第n个训练样本对应的第j个隐含层节点的输入Rnj对应的三角模糊数为:Further, assuming that the hidden layer input vector corresponding to the training sample X n is R n =(R n1 , R n2 ,...,R nK ), then the input R of the jth hidden layer node corresponding to the nth training sample The triangular fuzzy number corresponding to nj is:
其中: in:
wji表示模糊随机权网络第i个输入层节点与第j个隐含层节点链接的权重;w ji represents the weight of the connection between the i-th input layer node and the j-th hidden layer node of the fuzzy random weight network;
xni1表示第n个训练样本的左端点;x ni1 represents the left endpoint of the nth training sample;
xni2表示第n个训练样本的中值点;x ni2 represents the median point of the nth training sample;
xni3表示第n个训练样本的右端点;x ni3 represents the right endpoint of the nth training sample;
利用Hn=(Hn1,Hn2,…,HnK)表示训练样本Xn对应的隐含层输出向量,则分量Hnj表示为:Use H n = (H n1 , H n2 ,..., H nK ) to represent the hidden layer output vector corresponding to the training sample X n , then the component H nj is expressed as:
        
进一步地,假设未知样本为:Further, suppose the unknown sample is:
X=(X1,X2,…,XD)=((x11,x12,x13),(x21,x22,x23),…,(xD1,xD2,xD3));其中:X=(X 1 ,X 2 ,...,X D )=((x 11 ,x 12 ,x 13 ),(x 21 ,x 22 ,x 23 ),...,(x D1 ,x D2 ,x D3 ) );in:
X为未知样本;X is an unknown sample;
XD表示未知样本的第D个三角模糊数属性;X D represents the Dth triangular fuzzy number attribute of the unknown sample;
xD1表示三角模糊数XD的左端点;x D1 represents the left endpoint of the triangular fuzzy number X D ;
xD2表示三角模糊数XD的中值点;x D2 represents the median point of the triangular fuzzy number X D ;
xD3表示三角模糊数XD的右端点;x D3 represents the right endpoint of the triangular fuzzy number X D ;
所述系统还包括:The system also includes:
预测模块,其利用训练得到的FNR分析模型对未知样本X进行预测,得到的预测输出的α‐截集表示为:The prediction module uses the trained FNR analysis model to predict the unknown sample X, and the α-cut set of the obtained prediction output is expressed as:
其中: in:
其中: in:
Rj表示未知样本对应的第j个隐含层节点的输入;R j represents the input of the jth hidden layer node corresponding to the unknown sample;
rj1表示未知样本对应的第j个隐含层节点输入的左端点;r j1 represents the left endpoint of the jth hidden layer node input corresponding to the unknown sample;
rj2表示未知样本对应的第j个隐含层节点输入的中值点;r j2 represents the median point of the input of the jth hidden layer node corresponding to the unknown sample;
rj3表示未知样本对应的第j个隐含层节点输入的右端点;r j3 represents the right endpoint of the jth hidden layer node input corresponding to the unknown sample;
xi1表示未知样本的左端点;x i1 represents the left endpoint of the unknown sample;
xi2表示未知样本的中值点;x i2 represents the median point of the unknown sample;
xi3表示未知样本的右端点。x i3 represents the right endpoint of the unknown sample.
进一步地,所述训练系统还包括:Further, the training system also includes:
预测输出修正模块,其用于通过如下方式对所述得到的预测输出的α‐截集进行修正:A prediction output modification module, which is used to modify the α-cut set of the obtained prediction output in the following manner:
        
进一步地, further,
本发明提供的基于随机权网络的FNR分析模型的训练方法及训练系统中使用的随机权网络不需要迭代训练,它的输入权重随机选取,输出权重基于模糊输入-模糊输出的训练集解析式地求得,并通过对输出层权重解析表达式的正则化处理来控制模型的过拟合。与传统的基于Sigmoid神经网络的FNR模型和基于径向基函数网络的FNR模型相比较,本发明的优势体现在:具有极快的训练速度(最快比现有方法快将近1000倍)和高效的过拟合控制能力(基本上不存在过拟合现象)。The random weight network used in the training method and the training system of the FNR analysis model based on the random weight network provided by the present invention does not need iterative training, its input weight is randomly selected, and the output weight is based on the training set of fuzzy input-fuzzy output. Obtained, and control the overfitting of the model by regularizing the analytical expression of the weight of the output layer. Compared with the traditional FNR model based on Sigmoid neural network and the FNR model based on radial basis function network, the advantages of the present invention are as follows: extremely fast training speed (nearly 1000 times faster than existing methods) and efficient Over-fitting control ability (basically no over-fitting phenomenon).
附图说明Description of drawings
图1:用以处理非线性模糊输入-模糊输出回归问题的随机权网络示意图;Figure 1: Schematic diagram of the random weight network used to deal with the nonlinear fuzzy input-fuzzy output regression problem;
图2:本发明提供的基于随机权网络的FNR分析模型的训练方法的流程示意图;Fig. 2: the schematic flow chart of the training method of the FNR analysis model based on random weight network provided by the present invention;
图3:基于随机权网络的FNR分析模型的训练系统的组成结构示意图。Figure 3: Schematic diagram of the composition and structure of the training system of the FNR analysis model based on the random weight network.
具体实施方式detailed description
为了使本发明的目的、技术方案及优点更加清楚明白,以下结合附图及实施例,对本发明进行进一步详细说明。In order to make the object, technical solution and advantages of the present invention clearer, the present invention will be further described in detail below in conjunction with the accompanying drawings and embodiments.
本发明提供的基于随机权网络的FNR分析模型的训练方法说明如下:The training method of the FNR analysis model based on the random weight network provided by the present invention is described as follows:
设计一个如图1所示的随机权网络RWN(Random Weights Network,随机权网络),该随机权网络的输入和输出均为三角模糊函数。假设训练集中的第n个训练样本为Xn=(Xn1,Xn2,…,XnD),其对应的实际输出为γn,其中Xni=(xni1,xni2,xni3)(i=1,2,…,D)和γn=(yn1,yn2,yn3)均为三角模糊数,[Xni]α表示三角模糊数Xni的α‐截集(α∈(0,1]),D为数据集输入属性的个数,K为随机权网络RWN隐含层节点的个数,wji为连接第i个输入层节点和第j个隐含层节点的权重,bj为第j个隐含层节点的偏置,βj为第j个隐含层节点与输出层节点链接的权重。wji和bj随机选取,如何确定βj非迭代式的解析表达式是本发明需要解决的关键核心问题。Design a random weight network RWN (Random Weights Network, random weight network) as shown in Figure 1, the input and output of the random weight network are triangular fuzzy functions. Assume that the nth training sample in the training set is X n = (X n1 , X n2 ,..., X nD ), and its corresponding actual output is γ n , where X ni = (x ni1 , x ni2 , x ni3 )( i=1,2,…,D) and γ n =(y n1 , y n2 , y n3 ) are both triangular fuzzy numbers, [X ni ] α represents the α-cut set of triangular fuzzy numbers X ni (α∈( 0,1]), D is the number of input attributes of the data set, K is the number of hidden layer nodes of the random weight network RWN, w ji is the weight connecting the i-th input layer node and the j-th hidden layer node , b j is the bias of the jth hidden layer node, β j is the weight of the link between the jth hidden layer node and the output layer node. w ji and b j are randomly selected, how to determine the non-iterative analysis of β j Expression is the key core problem that the present invention needs to solve.
为确定图1所示的随机权网络RWN中的输出层权重βj,本发明提供了一种基于随机权网络的FNR分析模型的训练方法,如图2所示,该训练方法包括如下步骤:For determining the output layer weight β j in the random weight network RWN shown in Figure 1, the present invention provides a kind of training method based on the FNR analysis model of random weight network, as shown in Figure 2, this training method comprises the following steps:
步骤S1:确定用以引导随机权网络隐含层输出权重的训练模式的损失函数E。Step S1: Determine the loss function E of the training mode used to guide the output weight of the hidden layer of the random weight network.
所述损失函数E的表达式如下:The expression of the loss function E is as follows:
其中: in:
N为训练样本数目;N is the number of training samples;
α表示截点值;α represents the cutoff value;
[Tn]α为训练样本Xn预测输出的α-截集, [T n ] α is the α-cut set of the predicted output of the training sample X n ,
[γn]α为训练样本Xn实际输出的α-截集, [γ n ] α is the α-cut set of the actual output of the training sample X n ,
其中: in:
表示训练样本Xn预测输出的α-截集的下边界点; Represents the lower boundary point of the α-cut set of the training sample X n predicted output;
表示训练样本Xn预测输出的α-截集的上边界点; Represents the upper boundary point of the α-cut set of the training sample X n predicted output;
表示训练样本Xn实际输出的α-截集的下边界点; Represents the lower boundary point of the α-cut set actually output by the training sample X n ;
表示训练样本Xn实际输出的α-截集的上边界点。 Indicates the upper boundary point of the α-cut set actually output by the training sample X n .
步骤S2:确定所述训练样本Xn预测输出的α-截集的具体形式为,其中:Step S2: Determine the specific form of the α-cut set of the predicted output of the training sample X n as ,in:
Hnj表示第n个训练样本对应的第j个隐含层节点的输出;H nj represents the output of the jth hidden layer node corresponding to the nth training sample;
表示Hnj的α‐截集的下边界点; Represents the lower boundary point of the α-cut set of H nj ;
表示Hnj的α‐截集的上边界点; Represents the upper boundary point of the α-cut set of H nj ;
rnj1表示第n个训练样本对应的第j个隐含层节点输入的左端点;r nj1 represents the left endpoint of the jth hidden layer node input corresponding to the nth training sample;
rnj2表示第n个训练样本对应的第j个隐含层节点输入的中值点;r nj2 represents the median point of the jth hidden layer node input corresponding to the nth training sample;
rnj3表示第n个训练样本对应的第j个隐含层节点输入的右端点;r nj3 represents the right endpoint of the jth hidden layer node input corresponding to the nth training sample;
βj表示第j个隐含层节点与输出层节点链接的权重。β j represents the weight of the link between the jth hidden layer node and the output layer node.
步骤S3:根据所述损失函数E确定随机权网络输出层权重β的具体形式。具体为:Step S3: Determine the specific form of the output layer weight β of the random weight network according to the loss function E. Specifically:
其中: in:
为随机权网络隐含层输出的α‐截集的下边界矩阵, is the lower boundary matrix of the α-cut set output by the hidden layer of the random weight network,
为随机权网络隐含层输出的α‐截集的上边界矩阵, is the upper boundary matrix of the α-cut set output by the hidden layer of the random weight network,
为实际输出的α‐截集的下边界向量, is the lower boundary vector of the actual output α-cut set,
为实际输出的α‐截集的上边界向量,其中: is the upper boundary vector of the actual output α-cut set, in:
N×K表示矩阵的阶数为N行K列;N×K means that the order of the matrix is N rows and K columns;
T表示向量的转置。T represents the transpose of a vector.
根据推导出according to Deduced
其中: in:
为隐含层输出的α‐截集的下边界矩阵的积分, is the integral of the lower bound matrix of the α-cut set output by the hidden layer,
为隐含层输出的α‐截集的上边界矩阵的积分, is the integral of the upper bound matrix of the α-cut set output by the hidden layer,
为实际输出的α‐截集的下边界向量的积分, is the integral of the lower boundary vector of the α-cut set of the actual output,
为实际输出的α‐截集的上边界向量的积分, is the integral of the upper boundary vector of the α-cut set of the actual output,
其中:in:
yN1表示第N个训练样本实际输出的α‐截集的左端点;y N1 represents the left endpoint of the α-cut set actually output by the Nth training sample;
yN2表示第N个训练样本实际输出的α‐截集的中值点;y N2 represents the median point of the α-cut set actually output by the Nth training sample;
yN3表示第N个训练样本实际输出的α‐截集的右端点。y N3 represents the right endpoint of the α-cut set actually output by the Nth training sample.
令则得出随机权网络输出层权重β的解析表达式为:make Then the analytical expression of the weight β of the output layer of the random weight network is obtained as:
β=H+γ。β = H + γ.
其中,H+为矩阵H的广义逆矩阵, Among them, H + is the generalized inverse matrix of matrix H,
其中,C为正则化因子,用以控制随机权网络的过拟合,C>0;I为单位矩阵。Among them, C is a regularization factor, which is used to control the overfitting of the random weight network, C>0; I is the identity matrix.
本实施例中,假设训练样本Xn对应的隐含层输入向量为Rn=(Rn1,Rn2,…,RnK),则第n个训练样本对应的第j个隐含层节点的输入Rnj对应的三角模糊数为:In this embodiment, assuming that the hidden layer input vector corresponding to the training sample X n is R n = (R n1 , R n2 ,..., R nK ), then the jth hidden layer node corresponding to the nth training sample is The triangular fuzzy number corresponding to input R nj is:
其中: in:
wji表示模糊随机权网络第i个输入层节点与第j个隐含层节点链接的权重;w ji represents the weight of the connection between the i-th input layer node and the j-th hidden layer node of the fuzzy random weight network;
xni1表示第n个训练样本的左端点;x ni1 represents the left endpoint of the nth training sample;
xni2表示第n个训练样本的中值点;x ni2 represents the median point of the nth training sample;
xni3表示第n个训练样本的右端点;x ni3 represents the right endpoint of the nth training sample;
利用Hn=(Hn1,Hn2,…,HnK)表示训练样本Xn对应的隐含层输出向量,则分量Hnj表示为:Use H n =(H n1 ,H n2 ,…,H nK ) to represent the hidden layer output vector corresponding to the training sample X n , then the component H nj is expressed as:
        
本实施例中,假设未知样本为X=(X1,X2,…,XD)=((x11,x12,x13),(x21,x22,x23),…,(xD1,xD2,xD3)),其中:In this embodiment, it is assumed that the unknown samples are X=(X 1 ,X 2 ,…,X D )=((x 11 ,x 12 ,x 13 ),(x 21 ,x 22 ,x 23 ),…,( x D1 , x D2 , x D3 )), where:
X为未知样本;X is an unknown sample;
XD表示未知样本的第D个三角模糊数属性;X D represents the Dth triangular fuzzy number attribute of the unknown sample;
xD1表示三角模糊数XD的左端点;x D1 represents the left endpoint of the triangular fuzzy number X D ;
xD2表示三角模糊数XD的中值点;x D2 represents the median point of the triangular fuzzy number X D ;
xD3表示三角模糊数XD的右端点;x D3 represents the right endpoint of the triangular fuzzy number X D ;
则所述方法还包括:Then described method also comprises:
步骤S4:利用训练得到的FNR分析模型对未知样本X进行预测,得到的预测输出的α‐截集表示为其中:Step S4: Use the trained FNR analysis model to predict the unknown sample X, and the α-cut set of the obtained prediction output is expressed as in:
其中: in:
Rj表示未知样本对应的第j个隐含层节点的输入;R j represents the input of the jth hidden layer node corresponding to the unknown sample;
rj1表示未知样本对应的第j个隐含层节点输入的左端点;r j1 represents the left endpoint of the jth hidden layer node input corresponding to the unknown sample;
rj2表示未知样本对应的第j个隐含层节点输入的中值点;r j2 represents the median point of the input of the jth hidden layer node corresponding to the unknown sample;
rj3表示未知样本对应的第j个隐含层节点输入的右端点;r j3 represents the right endpoint of the jth hidden layer node input corresponding to the unknown sample;
xi1表示未知样本的左端点;x i1 represents the left endpoint of the unknown sample;
xi2表示未知样本的中值点;x i2 represents the median point of the unknown sample;
xi3表示未知样本的右端点。x i3 represents the right endpoint of the unknown sample.
本实施例中,所述方法还包括:In this embodiment, the method also includes:
步骤S5:通过如下方式对所述得到的预测输出的α‐截集进行修正:Step S5: Correct the α-cut set of the predicted output obtained in the following way:
        
本实施例中, In this example,
如图3所示,本发明还提供了一种基于随机权网络的FNR分析模型的训练系统,包括损失函数确定模块1、训练样本预测输出确定模块2和随机权网络输出层权重确定模块3。As shown in Figure 3, the present invention also provides a training system based on the FNR analysis model of the random weight network, including a loss function determination module 1, a training sample prediction output determination module 2 and a random weight network output layer weight determination module 3.
损失函数确定模块1用于确定用以引导随机权网络隐含层输出权重的训练模式的损失函数E。损失函数E的表达式如下:The loss function determination module 1 is used to determine the loss function E of the training mode used to guide the output weight of the hidden layer of the random weight network. The expression of the loss function E is as follows:
其中: in:
N为训练样本数目;N is the number of training samples;
α表示截点值;α represents the cutoff value;
[Tn]α为训练样本Xn预测输出的α-截集, [T n ] α is the α-cut set of the predicted output of the training sample X n ,
[γn]α为训练样本Xn实际输出的α-截集, [γ n ] α is the α-cut set of the actual output of the training sample X n ,
其中: in:
表示训练样本Xn预测输出的α-截集的下边界点; Represents the lower boundary point of the α-cut set of the training sample X n predicted output;
表示训练样本Xn预测输出的α-截集的上边界点; Represents the upper boundary point of the α-cut set of the training sample X n predicted output;
表示训练样本Xn实际输出的α-截集的下边界点; Represents the lower boundary point of the α-cut set actually output by the training sample X n ;
表示训练样本Xn实际输出的α-截集的上边界点。 Indicates the upper boundary point of the α-cut set actually output by the training sample X n .
训练样本预测输出确定模块2用于确定所述训练样本Xn预测输出的α-截集的具体形式为:。其中:The specific form of the α-cut set that the training sample prediction output determination module 2 is used to determine the prediction output of the training sample X n is: . in:
Hnj表示第n个训练样本对应的第j个隐含层节点的输出;H nj represents the output of the jth hidden layer node corresponding to the nth training sample;
表示Hnj的α‐截集的下边界点; Represents the lower boundary point of the α-cut set of H nj ;
表示Hnj的α‐截集的上边界点; Represents the upper boundary point of the α-cut set of H nj ;
rnj1表示第n个训练样本对应的第j个隐含层节点输入的左端点;r nj1 represents the left endpoint of the jth hidden layer node input corresponding to the nth training sample;
rnj2表示第n个训练样本对应的第j个隐含层节点输入的中值点;r nj2 represents the median point of the jth hidden layer node input corresponding to the nth training sample;
rnj3表示第n个训练样本对应的第j个隐含层节点输入的右端点;r nj3 represents the right endpoint of the jth hidden layer node input corresponding to the nth training sample;
βj表示第j个隐含层节点与输出层节点链接的权重。β j represents the weight of the link between the jth hidden layer node and the output layer node.
随机权网络输出层权重确定模块3用于根据所述损失函数E确定随机权网络输出层权重β的具体形式:The random weight network output layer weight determination module 3 is used to determine the specific form of the random weight network output layer weight β according to the loss function E:
其中: in:
为随机权网络隐含层输出的α‐截集的下边界矩阵, is the lower boundary matrix of the α-cut set output by the hidden layer of the random weight network,
为随机权网络隐含层输出的α‐截集的上边界矩阵, is the upper boundary matrix of the α-cut set output by the hidden layer of the random weight network,
为实际输出的α‐截集的下边界向量, is the lower boundary vector of the actual output α-cut set,
为实际输出的α‐截集的上边界向量,其中: is the upper boundary vector of the actual output α-cut set, in:
N×K表示矩阵的阶数为N行K列;N×K means that the order of the matrix is N rows and K columns;
T表示向量的转置。T represents the transpose of a vector.
所述随机权网络输出层权重确定模块3根据 推导出其中:The random weight network output layer weight determination module 3 is based on Deduced in:
为隐含层输出的α‐截集的下边界矩阵的积分, is the integral of the lower bound matrix of the α-cut set output by the hidden layer,
为隐含层输出的α‐截集的上边界矩阵的积分, is the integral of the upper bound matrix of the α-cut set output by the hidden layer,
为实际输出的α‐截集的下边界向量的积分, is the integral of the lower boundary vector of the α-cut set of the actual output,
为实际输出的α‐截集的上边界向量的积分, is the integral of the upper boundary vector of the α-cut set of the actual output,
其中:in:
yN1表示第N个训练样本实际输出的α‐截集的左端点;y N1 represents the left endpoint of the α-cut set actually output by the Nth training sample;
yN2表示第N个训练样本实际输出的α‐截集的中值点;y N2 represents the median point of the α-cut set actually output by the Nth training sample;
yN3表示第N个训练样本实际输出的α‐截集的右端点。y N3 represents the right endpoint of the α-cut set actually output by the Nth training sample.
令则得出随机权网络输出层权重β的解析表达式为:make Then the analytical expression of the weight β of the output layer of the random weight network is obtained as:
β=H+γ;β = H + γ;
其中,H+为矩阵H的广义逆矩阵, Among them, H + is the generalized inverse matrix of matrix H,
其中,C为正则化因子,用以控制随机权网络的过拟合,C>0;I为单位矩阵。Among them, C is a regularization factor, which is used to control the overfitting of the random weight network, C>0; I is the identity matrix.
本实施例中,假设训练样本Xn对应的隐含层输入向量为Rn=(Rn1,Rn2,…,RnK),则第n个训练样本对应的第j个隐含层节点的输入Rnj对应的三角模糊数为:In this embodiment, assuming that the hidden layer input vector corresponding to the training sample X n is R n = (R n1 , R n2 ,..., R nK ), then the jth hidden layer node corresponding to the nth training sample is The triangular fuzzy number corresponding to input R nj is:
其中: in:
wji表示模糊随机权网络第i个输入层节点与第j个隐含层节点链接的权重;w ji represents the weight of the connection between the i-th input layer node and the j-th hidden layer node of the fuzzy random weight network;
xni1表示第n个训练样本的左端点;x ni1 represents the left endpoint of the nth training sample;
xni2表示第n个训练样本的中值点;x ni2 represents the median point of the nth training sample;
xni3表示第n个训练样本的右端点。x ni3 represents the right endpoint of the nth training sample.
利用Hn=(Hn1,Hn2,…,HnK)表示训练样本Xn对应的隐含层输出向量,则分量Hnj表示为:Use H n =(H n1 ,H n2 ,…,H nK ) to represent the hidden layer output vector corresponding to the training sample X n , then the component H nj is expressed as:
        
本实施例中,假设未知样本为X=(X1,X2,…,XD)=((x11,x12,x13),(x21,x22,x23),…,(xD1,xD2,xD3))。其中:In this embodiment, it is assumed that the unknown samples are X=(X 1 ,X 2 ,…,X D )=((x 11 ,x 12 ,x 13 ),(x 21 ,x 22 ,x 23 ),…,( x D1 , x D2 , x D3 )). in:
X为未知样本;X is an unknown sample;
XD表示未知样本的第D个三角模糊数属性;X D represents the Dth triangular fuzzy number attribute of the unknown sample;
xD1表示三角模糊数XD的左端点;x D1 represents the left endpoint of the triangular fuzzy number X D ;
xD2表示三角模糊数XD的中值点;x D2 represents the median point of the triangular fuzzy number X D ;
xD3表示三角模糊数XD的右端点。则所述系统还包括预测模块4,预测模块4利用训练得到的FNR分析模型对未知样本X进行预测,得到的预测输出的α‐截集表示为:x D3 represents the right endpoint of the triangular fuzzy number X D . Then the system also includes a prediction module 4, the prediction module 4 uses the FNR analysis model obtained by training to predict the unknown sample X, and the α-cut set of the obtained prediction output is expressed as:
其中: in:
其中: in:
Rj表示未知样本对应的第j个隐含层节点的输入;R j represents the input of the jth hidden layer node corresponding to the unknown sample;
rj1表示未知样本对应的第j个隐含层节点输入的左端点;r j1 represents the left endpoint of the jth hidden layer node input corresponding to the unknown sample;
rj2表示未知样本对应的第j个隐含层节点输入的中值点;r j2 represents the median point of the input of the jth hidden layer node corresponding to the unknown sample;
rj3表示未知样本对应的第j个隐含层节点输入的右端点;r j3 represents the right endpoint of the jth hidden layer node input corresponding to the unknown sample;
xi1表示未知样本的左端点;x i1 represents the left endpoint of the unknown sample;
xi2表示未知样本的中值点;x i2 represents the median point of the unknown sample;
xi3表示未知样本的右端点。x i3 represents the right endpoint of the unknown sample.
本实施例中,所述训练系统还包括预测输出修正模块5,预测输出修正模块5用于通过如下方式对所述得到的预测输出的α‐截集进行修正:In this embodiment, the training system also includes a prediction output correction module 5, and the prediction output correction module 5 is used to correct the α-cut set of the obtained prediction output in the following manner:
        
本实施例中, In this example,
以上所述仅为本发明的较佳实施例而已,并不用以限制本发明,凡在本发明的精神和原则之内所作的任何修改、等同替换和改进等,均应包含在本发明的保护范围之内。The above descriptions are only preferred embodiments of the present invention, and are not intended to limit the present invention. Any modifications, equivalent replacements and improvements made within the spirit and principles of the present invention should be included in the protection of the present invention. within range.
Claims (10)
Priority Applications (1)
| Application Number | Priority Date | Filing Date | Title | 
|---|---|---|---|
| CN201610652065.3A CN106295797A (en) | 2016-08-10 | 2016-08-10 | A kind of FNR based on random weight network analyzes training method and the training system of model | 
Applications Claiming Priority (1)
| Application Number | Priority Date | Filing Date | Title | 
|---|---|---|---|
| CN201610652065.3A CN106295797A (en) | 2016-08-10 | 2016-08-10 | A kind of FNR based on random weight network analyzes training method and the training system of model | 
Publications (1)
| Publication Number | Publication Date | 
|---|---|
| CN106295797A true CN106295797A (en) | 2017-01-04 | 
Family
ID=57668113
Family Applications (1)
| Application Number | Title | Priority Date | Filing Date | 
|---|---|---|---|
| CN201610652065.3A Pending CN106295797A (en) | 2016-08-10 | 2016-08-10 | A kind of FNR based on random weight network analyzes training method and the training system of model | 
Country Status (1)
| Country | Link | 
|---|---|
| CN (1) | CN106295797A (en) | 
Cited By (2)
| Publication number | Priority date | Publication date | Assignee | Title | 
|---|---|---|---|---|
| WO2019205811A1 (en) * | 2018-04-26 | 2019-10-31 | 深圳大学 | Method for improving random weight network generalization capabilities, device and computer readable storage medium | 
| WO2020037498A1 (en) * | 2018-08-21 | 2020-02-27 | 深圳大学 | Optimal weight selection method for kernel regression estimator, related device and storage medium | 
Citations (4)
| Publication number | Priority date | Publication date | Assignee | Title | 
|---|---|---|---|---|
| JPH03260802A (en) * | 1990-03-12 | 1991-11-20 | Fujitsu Ltd | Hierarchical network configuration data processing device and data processing system | 
| CN102072922A (en) * | 2009-11-25 | 2011-05-25 | 东北林业大学 | Particle swarm optimization neural network model-based method for detecting moisture content of wood | 
| US9092739B2 (en) * | 2010-07-22 | 2015-07-28 | Alcatel Lucent | Recommender system with training function based on non-random missing data | 
| CN105608492A (en) * | 2016-03-02 | 2016-05-25 | 东北大学 | Robust random-weight neural network-based molten-iron quality multi-dimensional soft measurement method | 
- 
        2016
        - 2016-08-10 CN CN201610652065.3A patent/CN106295797A/en active Pending
 
Patent Citations (4)
| Publication number | Priority date | Publication date | Assignee | Title | 
|---|---|---|---|---|
| JPH03260802A (en) * | 1990-03-12 | 1991-11-20 | Fujitsu Ltd | Hierarchical network configuration data processing device and data processing system | 
| CN102072922A (en) * | 2009-11-25 | 2011-05-25 | 东北林业大学 | Particle swarm optimization neural network model-based method for detecting moisture content of wood | 
| US9092739B2 (en) * | 2010-07-22 | 2015-07-28 | Alcatel Lucent | Recommender system with training function based on non-random missing data | 
| CN105608492A (en) * | 2016-03-02 | 2016-05-25 | 东北大学 | Robust random-weight neural network-based molten-iron quality multi-dimensional soft measurement method | 
Non-Patent Citations (1)
| Title | 
|---|
| YU-LIN HE ETAL.: ""Fuzzy nonlinear regression analysis using a random weight network"", 《INFORMATION SCIENCES》 * | 
Cited By (2)
| Publication number | Priority date | Publication date | Assignee | Title | 
|---|---|---|---|---|
| WO2019205811A1 (en) * | 2018-04-26 | 2019-10-31 | 深圳大学 | Method for improving random weight network generalization capabilities, device and computer readable storage medium | 
| WO2020037498A1 (en) * | 2018-08-21 | 2020-02-27 | 深圳大学 | Optimal weight selection method for kernel regression estimator, related device and storage medium | 
Similar Documents
| Publication | Publication Date | Title | 
|---|---|---|
| US20250053714A1 (en) | Generating integrated circuit floorplans using neural networks | |
| Chen et al. | Optimizing reasoning abilities in large language models: A step-by-step approach | |
| Gong et al. | Design and interactive performance of human resource management system based on artificial intelligence | |
| Dhar et al. | A mathematical model of news propagation on online social network and a control strategy for rumor spreading | |
| CN110866113B (en) | Text classification method based on sparse self-attention mechanism fine-tuning burt model | |
| CN112131403B (en) | A knowledge graph representation learning method in dynamic environment | |
| CN107229693A (en) | The method and system of big data system configuration parameter tuning based on deep learning | |
| CN107977456B (en) | A kind of multi-source big data analysis method based on multitask depth network | |
| EP4445252A1 (en) | Automated notebook completion using sequence-to-sequence transformer | |
| Ardimento et al. | Just-in-time software defect prediction using deep temporal convolutional networks | |
| Ettaouil et al. | Architecture optimization model for the multilayer perceptron and clustering. | |
| CN107977748B (en) | A Multivariate Warped Time Series Forecasting Method | |
| CN115511082A (en) | Fact verification method based on graph neural network and reinforcement learning | |
| CN109583659A (en) | User's operation behavior prediction method and system based on deep learning | |
| Deng et al. | Establishment of attribute bitmaps for efficient XACML policy evaluation | |
| CN112785051A (en) | Cloud resource prediction method based on combination of EMD and TCN | |
| CN106295797A (en) | A kind of FNR based on random weight network analyzes training method and the training system of model | |
| CN110245292B (en) | Natural language relation extraction method based on neural network noise filtering characteristics | |
| BOYKO et al. | Data update algorithms in the machine learning system | |
| CN118886494B (en) | Question answering method, system, device, medium and product based on pre-training model | |
| CN113887570A (en) | A Two-Classification Prediction Method of Solar Flare Based on Neural Network | |
| CN113761193A (en) | Log classification method, apparatus, computer equipment and storage medium | |
| Anand et al. | Information flow in parameterized quantum circuits | |
| Garawad et al. | Intelligent Hotspot Detection in Layout Patterns | |
| Son et al. | Understanding the Factors Shaping the Learning Capability of Deep Neural Networks: A Positivist Perspective | 
Legal Events
| Date | Code | Title | Description | 
|---|---|---|---|
| C06 | Publication | ||
| PB01 | Publication | ||
| C10 | Entry into substantive examination | ||
| SE01 | Entry into force of request for substantive examination | ||
| RJ01 | Rejection of invention patent application after publication | ||
| RJ01 | Rejection of invention patent application after publication | Application publication date: 20170104 |