当前位置: 首页 > news >正文

上海长宁网站建设广告设计公司装修案例

上海长宁网站建设,广告设计公司装修案例,杭州的电商网站建设,广东深圳网站建设【Matlab】基于遗传算法优化 BP 神经网络的数据回归预测#xff08;Excel可直接替换数据#xff09; 1.模型原理2.文件结构3.Excel数据4.分块代码4.1 arithXover.m4.2 delta.m4.3 ga.m4.4 gabpEval.m4.5 initializega.m4.6 maxGenTerm.m4.7 nonUnifMutation.m4.8 normGeomSel… 【Matlab】基于遗传算法优化 BP 神经网络的数据回归预测Excel可直接替换数据 1.模型原理2.文件结构3.Excel数据4.分块代码4.1 arithXover.m4.2 delta.m4.3 ga.m4.4 gabpEval.m4.5 initializega.m4.6 maxGenTerm.m4.7 nonUnifMutation.m4.8 normGeomSelect.m4.9 parse.m4.10 gadecod.m4.11 main.m 5.运行结果 1.模型原理 遗传算法Genetic AlgorithmGA是一种基于生物进化理论的优化算法用于解决搜索和优化问题。BP神经网络Backpropagation Neural NetworkBPNN是一种常用的人工神经网络用于数据回归Data Regression任务。将遗传算法与BP神经网络相结合可以用来优化BP神经网络的参数以获得更好的数据回归结果。 定义问题 首先我们需要明确定义数据回归的目标函数。在数据回归问题中我们通常使用均方误差Mean Squared ErrorMSE作为目标函数表示实际输出值与BP神经网络预测输出值之间的差距。 BP神经网络结构 定义BP神经网络的结构包括输入层、隐藏层可以有多层以及输出层。每个层都由一组神经元组成每个神经元都有权重和偏置需要优化。 遗传算法编码 将BP神经网络的参数权重和偏置编码成遗传算法的个体染色体。一种常用的编码方式是将参数展开成一个长向量将这个向量作为染色体。 初始种群 随机生成一组初始个体构成初始种群。每个个体都表示一个BP神经网络的参数设置。 适应度函数 设计适应度函数用于评估每个个体的优劣程度。在数据回归问题中适应度函数可以是目标函数如MSE的倒数因为我们希望最小化目标函数而遗传算法追求最大化适应度。 选择 根据个体的适应度选择一部分个体作为“父代”用于产生下一代个体。 交叉Crossover 对选出的父代个体进行交叉操作生成新的个体。交叉操作通过模拟生物学中的基因交换过程将两个个体的染色体部分进行交换产生新的个体。 变异Mutation 对新生成的个体进行变异操作以增加种群的多样性。变异操作通过随机改变某些染色体的基因值引入新的解。 生成下一代种群 将交叉和变异得到的新个体与上一代的个体结合形成下一代种群。 终止条件 根据预定的终止条件如迭代次数、达到某个适应度阈值等判断是否结束优化过程。 解码 将优化后的染色体解码得到BP神经网络的新参数。 更新BP神经网络参数 将解码得到的新参数应用于BP神经网络更新其权重和偏置。 重复迭代 重复进行步骤5到步骤12直到满足终止条件为止。每次迭代种群中的个体会不断进化逐渐优化BP神经网络的参数使得其在数据回归任务中表现更好。 通过这样的过程遗传算法能够寻找到BP神经网络的更优参数组合从而提高BP神经网络在数据回归问题上的性能。需要注意的是遗传算法优化过程中的参数设置如交叉率、变异率等对优化结果也有一定影响需要根据具体问题进行调整。 定义问题 假设我们有一个数据集 { ( x 1 , y 1 ) , ( x 2 , y 2 ) , … , ( x n , y n ) } \{(x_1, y_1), (x_2, y_2), \ldots, (x_n, y_n)\} {(x1​,y1​),(x2​,y2​),…,(xn​,yn​)}其中 x i x_i xi​ 是输入样本 y i y_i yi​ 是对应的目标值实际输出。 BP神经网络结构 假设BP神经网络有L层第l层有 n l n_l nl​ 个神经元。 w i j ( l ) w_{ij}^{(l)} wij(l)​ 表示第l-1层第i个神经元到第l层第j个神经元之间的连接权重 b i ( l ) b_i^{(l)} bi(l)​ 表示第l层第i个神经元的偏置。神经网络的输入是 x i x_i xi​第l层第i个神经元的输出经过激活函数后的值为 a i ( l ) a_i^{(l)} ai(l)​。 目标函数 我们使用均方误差Mean Squared ErrorMSE作为BP神经网络的目标函数用于衡量实际输出值与神经网络预测输出值之间的差距。MSE可以定义为 MSE 1 n ∑ i 1 n ( y i − y ^ i ) 2 \text{MSE} \frac{1}{n} \sum_{i1}^{n} (y_i - \hat{y}_i)^2 MSEn1​i1∑n​(yi​−y^​i​)2 其中 n n n是数据样本数量 y i y_i yi​是第i个样本的实际输出 y ^ i \hat{y}_i y^​i​是BP神经网络在输入 x i x_i xi​ 上的预测输出。 遗传算法编码 我们将BP神经网络的所有参数权重和偏置编码成一个染色体通常用一个长向量来表示。染色体可以表示为 染色体 [ w 11 ( 1 ) , w 12 ( 1 ) , … , w n 1 ( 1 ) ( 1 ) , w 11 ( 2 ) , w 12 ( 2 ) , … , w n L − 1 ( L ) ( L ) , b 1 ( 1 ) , b 2 ( 1 ) , … , b n 1 ( L ) ( L ) ] \text{染色体} [w_{11}^{(1)}, w_{12}^{(1)}, \ldots, w_{n_1^{(1)}}^{(1)}, w_{11}^{(2)}, w_{12}^{(2)}, \ldots, w_{n_{L-1}^{(L)}}^{(L)}, b_1^{(1)}, b_2^{(1)}, \ldots, b_{n_1^{(L)}}^{(L)}] 染色体[w11(1)​,w12(1)​,…,wn1(1)​(1)​,w11(2)​,w12(2)​,…,wnL−1(L)​(L)​,b1(1)​,b2(1)​,…,bn1(L)​(L)​] 其中 w i j ( l ) w_{ij}^{(l)} wij(l)​ 表示第l-1层第i个神经元到第l层第j个神经元之间的连接权重 b i ( l ) b_i^{(l)} bi(l)​ 表示第l层第i个神经元的偏置。 适应度函数 在数据回归问题中适应度函数可以定义为目标函数MSE的倒数加上一个常数以避免除以0 适应度 1 MSE ϵ \text{适应度} \frac{1}{\text{MSE} \epsilon} 适应度MSEϵ1​ 其中 ϵ \epsilon ϵ 是一个小的常数用于避免分母为0的情况。 选择 采用基于适应度函数的选择策略选择适应度较高的个体作为“父代”用于产生下一代个体。 交叉Crossover 对选出的父代个体进行交叉操作通过模拟基因交换过程生成新的个体。假设选中的两个父代个体分别为个体A和个体B交叉操作可以通过如下方式进行 子代个体 [ A [ 1 : k ] , B [ k 1 : e n d ] ] \text{子代个体} [A[1:k], B[k1:end]] 子代个体[A[1:k],B[k1:end]] 其中 A [ 1 : k ] A[1:k] A[1:k] 表示个体A的前k个基因 B [ k 1 : e n d ] B[k1:end] B[k1:end] 表示个体B的第k1个基因到最后一个基因。 变异Mutation 对交叉得到的子代个体进行变异操作通过随机改变染色体中的某些基因值来引入新的解。变异操作可以用如下方式实现 子代个体 [ i ] 子代个体 [ i ] 随机增量 \text{子代个体}[i] \text{子代个体}[i] \text{随机增量} 子代个体[i]子代个体[i]随机增量 其中 子代个体 [ i ] \text{子代个体}[i] 子代个体[i] 表示子代个体中的第i个基因 随机增量 \text{随机增量} 随机增量 是一个随机数用于在某个范围内调整基因的值。 生成下一代种群 将交叉和变异得到的子代个体与上一代的个体结合形成下一代种群。 终止条件 根据预定的终止条件如迭代次数、达到某个适应度阈值等判断是否结束优化过程。 解码 将优化后的染色体解码得到BP神经网络的新参数。 更新BP神经网络参数 将解码得到的新参数应用于BP神经网络更新其权重和偏置。 重复迭代 重复进行步骤5到步骤12直到满足终止条件为止。 2.文件结构 goatarithXover.mdelta.mga.mgabpEval.minitializega.mmaxGenTerm.mnonUnifMutation.mnormGeomSelect.mparse.m gadecod.m main.m % 主函数 数据集.xlsx % 可替换数据集3.Excel数据 4.分块代码 4.1 arithXover.m function [C1, C2] arithXover(P1, P2, ~, ~) %% Arith 交叉采用两个父节点 P1、P2 并沿两个父节点形成的线执行插值。 % P1 - the first parent ( [solution string function value] ) % P2 - the second parent ( [solution string function value] ) % bounds - the bounds matrix for the solution space % Ops - Options matrix for arith crossover [gen #ArithXovers]%% 选择一个随机的混合量 a rand;%% 创建子代 C1 P1 * a P2 * (1 - a); C2 P1 * (1 - a) P2 * a;4.2 delta.m function change delta(ct, mt, y, b)% delta 函数是非均匀突变使用的非均匀分布。 % 此函数根据当前发电量、最大发电量和可能的偏差量返回变化。 % % ct - current generation % mt - maximum generation % y - maximum amount of change, i.e. distance from parameter value to bounds % b - shape parameter%% r ct / mt; if(r 1)r 0.99; end change y * (rand * (1 - r)) ^ b;4.3 ga.m function [x, endPop, bPop, traceInfo] ga(bounds, evalFN, evalOps, startPop, opts, ... termFN, termOps, selectFN, selectOps, xOverFNs, xOverOps, mutFNs, mutOps)% Output Arguments: % x - the best solution found during the course of the run % endPop - the final population % bPop - a trace of the best population % traceInfo - a matrix of best and means of the ga for each generation % % Input Arguments: % bounds - a matrix of upper and lower bounds on the variables % evalFN - the name of the evaluation .m function % evalOps - options to pass to the evaluation function ([NULL]) % startPop - a matrix of solutions that can be initialized % from initialize.m % opts - [epsilon prob_ops display] change required to consider two % solutions different, prob_ops 0 if you want to apply the % genetic operators probabilisticly to each solution, 1 if % you are supplying a deterministic number of operator % applications and display is 1 to output progress 0 for % quiet. ([1e-6 1 0]) % termFN - name of the .m termination function ([maxGenTerm]) % termOps - options string to be passed to the termination function % ([100]). % selectFN - name of the .m selection function ([normGeomSelect]) % selectOpts - options string to be passed to select after % select(pop,#,opts) ([0.08]) % xOverFNS - a string containing blank seperated names of Xover.m % files ([arithXover heuristicXover simpleXover]) % xOverOps - A matrix of options to pass to Xover.m files with the % first column being the number of that xOver to perform % similiarly for mutation ([2 0;2 3;2 0]) % mutFNs - a string containing blank seperated names of mutation.m % files ([boundaryMutation multiNonUnifMutation ... % nonUnifMutation unifMutation]) % mutOps - A matrix of options to pass to Xover.m files with the % first column being the number of that xOver to perform % similiarly for mutation ([4 0 0;6 100 3;4 100 3;4 0 0])%% 初始化参数 n nargin; if n 2 || n 6 || n 10 || n 12disp(Insufficient arguements) end% 默认评估选项 if n 3 evalOps []; end% 默认参数 if n 5opts [1e-6, 1, 0]; end% 默认参数 if isempty(opts)opts [1e-6, 1, 0]; end%% 判断是否为m文件 if any(evalFN 48)% 浮点数编码 if opts(2) 1e1str [xc1; c1(xZomeLength), evalFN ;]; e2str [xc2; c2(xZomeLength), evalFN ;]; % 二进制编码elsee1str [xb2f(endPop(j,:),bounds,bits); endPop(j,xZomeLength), evalFN ;];end else% 浮点数编码if opts(2) 1e1str [[c1 c1(xZomeLength)] evalFN (c1,[gen evalOps]);]; e2str [[c2 c2(xZomeLength)] evalFN (c2,[gen evalOps]);];% 二进制编码elsee1str[xb2f(endPop(j,:),bounds,bits);[x v] evalFN ...(x,[gen evalOps]); endPop(j,:)[f2b(x,bounds,bits) v];]; end end%% 默认终止信息 if n 6termOps 100;termFN maxGenTerm; end%% 默认变异信息 if n 12% 浮点数编码if opts(2) 1mutFNs boundaryMutation multiNonUnifMutation nonUnifMutation unifMutation;mutOps [4, 0, 0; 6, termOps(1), 3; 4, termOps(1), 3;4, 0, 0];% 二进制编码elsemutFNs binaryMutation;mutOps 0.05;end end%% 默认交叉信息 if n 10% 浮点数编码if opts(2) 1xOverFNs arithXover heuristicXover simpleXover;xOverOps [2, 0; 2, 3; 2, 0];% 二进制编码elsexOverFNs simpleXover;xOverOps 0.6;end end%% 仅默认选择选项即轮盘赌。 if n 9selectOps []; end%% 默认选择信息 if n 8selectFN normGeomSelect;selectOps 0.08; end%% 默认终止信息 if n 6termOps 100;termFN maxGenTerm; end%% 没有定的初始种群 if n 4startPop []; end%% 随机生成种群 if isempty(startPop)startPop initializega(80, bounds, evalFN, evalOps, opts(1: 2)); end%% 二进制编码 if opts(2) 0bits calcbits(bounds, opts(1)); end%% 参数设置 xOverFNs parse(xOverFNs); mutFNs parse(mutFNs); xZomeLength size(startPop, 2); % xzome 的长度 numVar xZomeLength - 1; % 变量数 popSize size(startPop,1); % 种群人口个数 endPop zeros(popSize, xZomeLength); % 第二种群矩阵 numXOvers size(xOverFNs, 1); % Number of Crossover operators numMuts size(mutFNs, 1); % Number of Mutation operators epsilon opts(1); % Threshold for two fittness to differ oval max(startPop(:, xZomeLength)); % Best value in start pop bFoundIn 1; % Number of times best has changed done 0; % Done with simulated evolution gen 1; % Current Generation Number collectTrace (nargout 3); % Should we collect info every gen floatGA opts(2) 1; % Probabilistic application of ops display opts(3); % Display progress %% 精英模型 while(~done)[bval, bindx] max(startPop(:, xZomeLength)); % Best of current popbest startPop(bindx, :);if collectTracetraceInfo(gen, 1) gen; % current generationtraceInfo(gen, 2) startPop(bindx, xZomeLength); % Best fittnesstraceInfo(gen, 3) mean(startPop(:, xZomeLength)); % Avg fittnesstraceInfo(gen, 4) std(startPop(:, xZomeLength)); end%% 最佳解if ( (abs(bval - oval) epsilon) || (gen1))% 更新显示if displayfprintf(1, \n%d %f\n, gen, bval); end% 更新种群矩阵if floatGAbPop(bFoundIn, :) [gen, startPop(bindx, :)]; elsebPop(bFoundIn, :) [gen, b2f(startPop(bindx, 1 : numVar), bounds, bits)...startPop(bindx, xZomeLength)];endbFoundIn bFoundIn 1; % Update number of changesoval bval; % Update the best valelseif displayfprintf(1,%d ,gen); % Otherwise just update num genendend %% 选择种群endPop feval(selectFN, startPop, [gen, selectOps]);% 以参数为操作数的模型运行if floatGAfor i 1 : numXOversfor j 1 : xOverOps(i, 1)a round(rand * (popSize - 1) 1); % Pick a parentb round(rand * (popSize - 1) 1); % Pick another parentxN deblank(xOverFNs(i, :)); % Get the name of crossover function[c1, c2] feval(xN, endPop(a, :), endPop(b, :), bounds, [gen, xOverOps(i, :)]);% Make sure we created a new if c1(1 : numVar) endPop(a, (1 : numVar)) c1(xZomeLength) endPop(a, xZomeLength);elseif c1(1:numVar) endPop(b, (1 : numVar))c1(xZomeLength) endPop(b, xZomeLength);elseeval(e1str);endif c2(1 : numVar) endPop(a, (1 : numVar))c2(xZomeLength) endPop(a, xZomeLength);elseif c2(1 : numVar) endPop(b, (1 : numVar))c2(xZomeLength) endPop(b, xZomeLength);elseeval(e2str);endendPop(a, :) c1;endPop(b, :) c2;endendfor i 1 : numMutsfor j 1 : mutOps(i, 1)a round(rand * (popSize - 1) 1);c1 feval(deblank(mutFNs(i, :)), endPop(a, :), bounds, [gen, mutOps(i, :)]);if c1(1 : numVar) endPop(a, (1 : numVar)) c1(xZomeLength) endPop(a, xZomeLength);elseeval(e1str);endendPop(a, :) c1;endend%% 运行遗传算子的概率模型else for i 1 : numXOversxN deblank(xOverFNs(i, :));cp find((rand(popSize, 1) xOverOps(i, 1)) 1);if rem(size(cp, 1), 2) cp cp(1 : (size(cp, 1) - 1)); endcp reshape(cp, size(cp, 1) / 2, 2);for j 1 : size(cp, 1)a cp(j, 1); b cp(j, 2); [endPop(a, :), endPop(b, :)] feval(xN, endPop(a, :), endPop(b, :), ...bounds, [gen, xOverOps(i, :)]);endendfor i 1 : numMutsmN deblank(mutFNs(i, :));for j 1 : popSizeendPop(j, :) feval(mN, endPop(j, :), bounds, [gen, mutOps(i, :)]);eval(e1str);endendend% 更新记录gen gen 1;done feval(termFN, [gen, termOps], bPop, endPop); % See if the ga is donestartPop endPop; % Swap the populations[~, bindx] min(startPop(:, xZomeLength)); % Keep the best solutionstartPop(bindx, :) best; % replace it with the worstend [bval, bindx] max(startPop(:, xZomeLength));%% 显示结果 if display fprintf(1, \n%d %f\n, gen, bval); end%% 二进制编码 x startPop(bindx, :); if opts(2) 0x b2f(x, bounds,bits);bPop(bFoundIn, :) [gen, b2f(startPop(bindx, 1 : numVar), bounds, bits)...startPop(bindx, xZomeLength)]; elsebPop(bFoundIn, :) [gen, startPop(bindx, :)]; end%% 赋值 if collectTracetraceInfo(gen, 1) gen; % 当前迭代次数traceInfo(gen, 2) startPop(bindx, xZomeLength); % 最佳适应度traceInfo(gen, 3) mean(startPop(:, xZomeLength)); % 平均适应度 end4.4 gabpEval.m function [sol, val] gabpEval(sol, ~)%% 解码适应度值 val gadecod(sol);4.5 initializega.m function pop initializega(num, bounds, evalFN, evalOps, options)%% 种群初始化 % initializega creates a matrix of random numbers with % a number of rows equal to the populationSize and a number % columns equal to the number of rows in bounds plus 1 for % the f(x) value which is found by applying the evalFN. % This is used by the ga to create the population if it % is not supplied. % % pop - the initial, evaluated, random population % populatoinSize - the size of the population, i.e. the number to create % variableBounds - a matrix which contains the bounds of each variable, i.e. % [var1_high var1_low; var2_high var2_low; ....] % evalFN - the evaluation fn, usually the name of the .m file for % evaluation % evalOps - any options to be passed to the eval function defaults [] % options - options to the initialize function, ie. % [type prec] where eps is the epsilon value % and the second option is 1 for float and 0 for binary, % prec is the precision of the variables defaults [1e-6 1]%% 参数初始化 if nargin 5options [1e-6, 1]; end if nargin 4evalOps []; end%% 编码方式 if any(evalFN 48) % M文件if options(2) 1 % 浮点数编码estr [xpop(i,1); pop(i,xZomeLength), evalFN ;]; else % 二进制编码estr [xb2f(pop(i,:),bounds,bits); pop(i,xZomeLength), evalFN ;]; end else % 非M文件if options(2) 1 % 浮点数编码estr [[ pop(i,:) pop(i,xZomeLength)] evalFN (pop(i,:),[0 evalOps]);]; else % 二进制编码estr [xb2f(pop(i,:),bounds,bits);[x v] evalFN ...(x,[0 evalOps]); pop(i,:)[f2b(x,bounds,bits) v];]; end end%% 参数设置 numVars size(bounds, 1); % 变量数 rng (bounds(:, 2) - bounds(:, 1)); % 可变范围%% 编码方式 if options(2) 1 % 二进制编码xZomeLength numVars 1; % 字符串的长度是 numVar fitpop zeros(num, xZomeLength); % 分配新种群pop(:, 1 : numVars) (ones(num, 1) * rng) .* (rand(num, numVars)) ...(ones(num, 1) * bounds(:, 1)); else % 浮点数编码bits calcbits(bounds, options(1));pop round(rand(num, sum(bits) 1)); end%% 运行文件 for i 1 : numeval(estr); end 4.6 maxGenTerm.m function done maxGenTerm(ops, ~, ~) % 返回 1即当达到 maximal_generation 时终止 GA。 % % ops - a vector of options [current_gen maximum_generation] % bPop - a matrix of best solutions [generation_found solution_string] % endPop - the current generation of solutions%% currentGen ops(1); maxGen ops(2); done currentGen maxGen; 4.7 nonUnifMutation.m function parent nonUnifMutation(parent, bounds, Ops)%% 非均匀突变基于非均匀概率分布改变父代的参数之一 % parent - the first parent ( [solution string function value] ) % bounds - the bounds matrix for the solution space % Ops - Options for nonUnifMutate[gen #NonUnifMutations maxGen b]%% 相关参数设置 cg Ops(1); % 当前这一代 mg Ops(3); % 最大代数 bm Ops(4); % 形状参数 numVar size(parent, 2) - 1; % 获取变量个数 mPoint round(rand * (numVar - 1)) 1; % 选择一个变量从 1 到变量数随机变化 md round(rand); % 选择突变方向 if md % 向上限突变newValue parent(mPoint) delta(cg, mg, bounds(mPoint, 2) - parent(mPoint), bm); else % 向下限突变newValue parent(mPoint) - delta(cg, mg, parent(mPoint) - bounds(mPoint, 1), bm); end parent(mPoint) newValue; % 产生子代4.8 normGeomSelect.m function newPop normGeomSelect(oldPop, options)% NormGeomSelect 是一个基于归一化几何分布的排序选择函数。% newPop - the new population selected from the oldPop % oldPop - the current population % options - options to normGeomSelect [gen probability_of_selecting_best]%% 交叉选择排序 q options(2); % 选择最佳的概率 e size(oldPop, 2); % xZome 的长度即 numvars fit n size(oldPop, 1); % 种群数目 newPop zeros(n, e); % 为返回 pop 分配空间 fit zeros(n, 1); % 为选择概率分配空间 x zeros(n,2); % rank和id的排序列表 x(:, 1) (n : -1 : 1); % 要知道它是什么元素 [~, x(:, 2)] sort(oldPop(:, e)); % 排序后获取索引%% 相关参数 r q / (1 - (1 - q) ^ n); % 归一化分布q 素数 fit(x(:, 2)) r * (1 - q) .^ (x(:, 1) - 1); % 生成选择概率 fit cumsum(fit); % 计算累积概率%% rNums sort(rand(n, 1)); % 生成 n 个排序的随机数 fitIn 1; % 初始化循环控制 newIn 1; % 初始化循环控制 while newIn n % 获得 n 个新个体if(rNums(newIn) fit(fitIn)) newPop(newIn, :) oldPop(fitIn, :); % 选择 fitIn 个人newIn newIn 1; % 寻找下一个新人elsefitIn fitIn 1; % 着眼于下一个潜在选择end end4.9 parse.m function x parse(inStr)% parse 是一个函数它接收一个由空格分隔的文本组成的字符串向量 % 并将各个字符串项解析为一个 n 项矩阵每个字符串一行。% x - the return matrix of strings % inStr - the blank separated string vector%% 切割字符串 strLen size(inStr, 2); x blanks(strLen); wordCount 1; last 0; for i 1 : strLenif inStr(i) wordCount wordCount 1;x(wordCount, :) blanks(strLen);last i;elsex(wordCount, i - last) inStr(i);end end4.10 gadecod.m function [val, W1, B1, W2, B2] gadecod(x)%% 读取主空间变量 S1 evalin(base, S1); % 读取隐藏层神经元个数 net evalin(base, net); % 读取网络参数 p_train evalin(base, p_train); % 读取输入数据 t_train evalin(base, t_train); % 读取输出数据%% 参数初始化 R2 size(p_train, 1); % 输入节点数 S2 size(t_train, 1); % 输出节点数%% 输入权重编码 for i 1 : S1for k 1 : R2W1(i, k) x(R2 * (i - 1) k);end end%% 输出权重编码 for i 1 : S2for k 1 : S1W2(i, k) x(S1 * (i - 1) k R2 * S1);end end%% 隐层偏置编码 for i 1 : S1B1(i, 1) x((R2 * S1 S1 * S2) i); end%% 输出偏置编码 for i 1 : S2B2(i, 1) x((R2 * S1 S1 * S2 S1) i); end%% 赋值并计算 net.IW{1, 1} W1; net.LW{2, 1} W2; net.b{1} B1; net.b{2} B2;%% 模型训练 net.trainParam.showWindow 0; % 关闭训练窗口 net train(net, p_train, t_train);%% 仿真测试 t_sim1 sim(net, p_train);%% 计算适应度值 val 1 ./ (sqrt(sum((t_sim1 - t_train).^2) ./ length(t_sim1))); 4.11 main.m %% 清空环境变量 warning off % 关闭报警信息 close all % 关闭开启的图窗 clear % 清空变量 clc % 清空命令行%% 导入数据 res xlsread(数据集.xlsx);%% 添加路径 addpath(goat\)%% 划分训练集和测试集 temp randperm(103);P_train res(temp(1: 80), 1: 7); T_train res(temp(1: 80), 8); M size(P_train, 2);P_test res(temp(81: end), 1: 7); T_test res(temp(81: end), 8); N size(P_test, 2);%% 数据归一化 [p_train, ps_input] mapminmax(P_train, 0, 1); p_test mapminmax(apply, P_test, ps_input);[t_train, ps_output] mapminmax(T_train, 0, 1); t_test mapminmax(apply, T_test, ps_output);%% 建立模型 S1 5; % 隐藏层节点个数 net newff(p_train, t_train, S1);%% 设置参数 net.trainParam.epochs 1000; % 最大迭代次数 net.trainParam.goal 1e-6; % 设置误差阈值 net.trainParam.lr 0.01; % 学习率%% 设置优化参数 gen 50; % 遗传代数 pop_num 5; % 种群规模 S size(p_train, 1) * S1 S1 * size(t_train, 1) S1 size(t_train, 1);% 优化参数个数 bounds ones(S, 1) * [-1, 1]; % 优化变量边界%% 初始化种群 prec [1e-6, 1]; % epslin 为1e-6, 实数编码 normGeomSelect 0.09; % 选择函数的参数 arithXover 2; % 交叉函数的参数 nonUnifMutation [2 gen 3]; % 变异函数的参数initPpp initializega(pop_num, bounds, gabpEval, [], prec); %% 优化算法 [Bestpop, endPop, bPop, trace] ga(bounds, gabpEval, [], initPpp, [prec, 0], maxGenTerm, gen,...normGeomSelect, normGeomSelect, arithXover, arithXover, ...nonUnifMutation, nonUnifMutation);%% 获取最优参数 [val, W1, B1, W2, B2] gadecod(Bestpop);%% 参数赋值 net.IW{1, 1} W1; net.LW{2, 1} W2; net.b{1} B1; net.b{2} B2;%% 模型训练 net.trainParam.showWindow 1; % 打开训练窗口 net train(net, p_train, t_train); % 训练模型%% 仿真测试 t_sim1 sim(net, p_train); t_sim2 sim(net, p_test );%% 数据反归一化 T_sim1 mapminmax(reverse, t_sim1, ps_output); T_sim2 mapminmax(reverse, t_sim2, ps_output);%% 均方根误差 error1 sqrt(sum((T_sim1 - T_train).^2) ./ M); error2 sqrt(sum((T_sim2 - T_test ).^2) ./ N);%% 优化迭代曲线 figure plot(trace(:, 1), 1 ./ trace(:, 2), LineWidth, 1.5); xlabel(迭代次数); ylabel(适应度值); string {适应度变化曲线}; title(string) grid on%% 绘图 figure plot(1: M, T_train, r-*, 1: M, T_sim1, b-o, LineWidth, 1) legend(真实值, 预测值) xlabel(预测样本) ylabel(预测结果) string {训练集预测结果对比; [RMSE num2str(error1)]}; title(string) xlim([1, M]) gridfigure plot(1: N, T_test, r-*, 1: N, T_sim2, b-o, LineWidth, 1) legend(真实值, 预测值) xlabel(预测样本) ylabel(预测结果) string {测试集预测结果对比; [RMSE num2str(error2)]}; title(string) xlim([1, N]) grid%% 相关指标计算 % R2 R1 1 - norm(T_train - T_sim1)^2 / norm(T_train - mean(T_train))^2; R2 1 - norm(T_test - T_sim2)^2 / norm(T_test - mean(T_test ))^2;disp([训练集数据的R2为, num2str(R1)]) disp([测试集数据的R2为, num2str(R2)])% MAE mae1 sum(abs(T_sim1 - T_train)) ./ M ; mae2 sum(abs(T_sim2 - T_test )) ./ N ;disp([训练集数据的MAE为, num2str(mae1)]) disp([测试集数据的MAE为, num2str(mae2)])% MBE mbe1 sum(T_sim1 - T_train) ./ M ; mbe2 sum(T_sim2 - T_test ) ./ N ;disp([训练集数据的MBE为, num2str(mbe1)]) disp([测试集数据的MBE为, num2str(mbe2)])% RMSE disp([训练集数据的RMSE为, num2str(error1)]) disp([测试集数据的RMSE为, num2str(error2)])%% 绘制散点图 sz 25; c b;figure scatter(T_train, T_sim1, sz, c) hold on plot(xlim, ylim, --k) xlabel(训练集真实值); ylabel(训练集预测值); xlim([min(T_train) max(T_train)]) ylim([min(T_sim1) max(T_sim1)]) title(训练集预测值 vs. 训练集真实值)figure scatter(T_test, T_sim2, sz, c) hold on plot(xlim, ylim, --k) xlabel(测试集真实值); ylabel(测试集预测值); xlim([min(T_test) max(T_test)]) ylim([min(T_sim2) max(T_sim2)]) title(测试集预测值 vs. 测试集真实值)5.运行结果
http://www.sadfv.cn/news/476436/

相关文章:

  • 景观设计网站推荐wordpress评论者头像
  • 中天建设招标网站简单的html网站开发
  • 使用flashfxp上传网站山东农业大学学风建设专题网站
  • 免费行情网站app斗印西昌网站建设公司
  • 网站备案没通过怎么建立自己的个人网站
  • 做地推的网站品牌咨询
  • 网站备案名字要怎么写怎样为公司做网站
  • 模拟网站开发 网站开发
  • 网站开发流程有哪些找生产建筑模板的厂家
  • 如何查看一个网站是用什么程序做的海南百度竞价推广
  • 济南手机建站哪家好百度明星人气榜入口
  • 网站设计软件下载都昌网站建设
  • 注册网站名称金蝶软件中国有限公司
  • 爱站网关键词挖掘购物商城起名
  • 网站流量少怎么办医院网站建设方案青岛卓信
  • 建设网站的公司网站模板助手
  • 建网站现软件德阳市建设局官方网站
  • 在那个网站找模具做公司网站开发费用入哪个科目
  • 自己怎么弄网站wordpress显示作者的角色
  • 网站开发工具与环境做外贸如何建网站
  • 郑州网站建设做推广吗网站建设构思
  • 试卷a《网站建设与管理》云主机可以用来做什么
  • 织梦网站怎么上传视频郑州一建集团有限公司官网
  • 普通网站 手机网站分销系统微商
  • 怎样把自己做的网站上传网站关键词优化快速排名
  • 网站开发需会的课程做网站威海
  • 北京网站制作公司飞沐网站怎么做 织梦
  • 高端大气的的网站能添加网站的导航
  • 福永网站建设公司哪家好wordpress登陆慢
  • 可以做照片书的网站北京网页设计培训机构