电脑知识|欧美黑人一区二区三区|软件|欧美黑人一级爽快片淫片高清|系统|欧美黑人狂野猛交老妇|数据库|服务器|编程开发|网络运营|知识问答|技术教程文章 - 好吧啦网

您的位置:首頁技術(shù)文章
文章詳情頁

python實現(xiàn)高效的遺傳算法

瀏覽:4日期:2022-06-23 10:38:33

遺傳算法屬于一種優(yōu)化算法。

如果你有一個待優(yōu)化函數(shù),可以考慮次算法。假設(shè)你有一個變量x,通過某個函數(shù)可以求出對應(yīng)的y,那么你通過預(yù)設(shè)的x可求出y_pred,y_pred差距與你需要的y當然越接近越好,這就需要引入適應(yīng)度(fitness)的概念。假設(shè)

fitness = 1/(1+ads(y_pred - y)),那么誤差越小,適應(yīng)度越大,即該個體越易于存活。

設(shè)計該算法的思路如下:

(1)初始化種群,即在我需要的區(qū)間如[-100,100]內(nèi)random一堆初始個體[x1,x2,x3...],這些個體是10進制形式的,為了后面的交叉與變異我們不妨將其轉(zhuǎn)化為二進制形式。那么現(xiàn)在的問題是二進制取多少位合適呢?即編碼(code)的長度是多少呢?

這就涉及一些信號方面的知識,比如兩位的二進制表示的最大值是3(11),可以將區(qū)間化為4分,那么每一份區(qū)間range長度range/4,我們只需要讓range/n小于我們定義的精度即可。n是二進制需要表示的最大,可以反解出二進制位數(shù) 。

(2)我們需要編寫編碼與解碼函數(shù)。即code:將x1,x2...化為二進制,decode:在交叉變異后重新得到十進制數(shù),用于計算fitness。

(3)交叉后變異函數(shù)編寫都很簡單,random一個point,指定兩個x在point位置進行切片交換即是交叉。變異也是random一個point,讓其值0變?yōu)?,1變?yōu)?。

(4)得到交叉變異后的個體,需要計算fitness進行種群淘汰,保留fitness最高的一部分種群。

(5)將最優(yōu)的個體繼續(xù)上面的操作,直到你定義的iteration結(jié)束為止。

不說了,上代碼:

import numpy as npimport pandas as pdimport randomfrom scipy.optimize import fsolveimport matplotlib.pyplot as pltimport heapqfrom sklearn.model_selection import train_test_splitfrom tkinter import _flattenfrom sklearn.utils import shufflefrom sklearn import preprocessingfrom sklearn.decomposition import PCAfrom matplotlib import rcParams # 求染色體長度def getEncodeLength(decisionvariables, delta): # 將每個變量的編碼長度放入數(shù)組 lengths = [] for decisionvar in decisionvariables: uper = decisionvar[1] low = decisionvar[0] # res()返回一個數(shù)組 res = fsolve(lambda x: ((uper - low) / delta - 2 ** x + 1), 30) # ceil()向上取整 length = int(np.ceil(res[0])) lengths.append(length) # print('染色體長度:', lengths) return lengths # 隨機生成初始化種群def getinitialPopulation(length, populationSize): chromsomes = np.zeros((populationSize, length), dtype=np.int) for popusize in range(populationSize): # np.random.randit()產(chǎn)生[0,2)之間的隨機整數(shù),第三個參數(shù)表示隨機數(shù)的數(shù)量 chromsomes[popusize, :] = np.random.randint(0, 2, length) return chromsomes # 染色體解碼得到表現(xiàn)形的解def getDecode(population, encodelength, decisionvariables, delta): # 得到population中有幾個元素 populationsize = population.shape[0] length = len(encodelength) decodeVariables = np.zeros((populationsize, length), dtype=np.float) # 將染色體拆分添加到解碼數(shù)組decodeVariables中 for i, populationchild in enumerate(population): # 設(shè)置起始點 start = 0 for j, lengthchild in enumerate(encodelength): power = lengthchild - 1 decimal = 0 start_end = start + lengthchild for k in range(start, start_end): # 二進制轉(zhuǎn)為十進制 decimal += populationchild[k] * (2 ** power) power = power - 1 # 從下一個染色體開始 start = start_end lower = decisionvariables[j][0] uper = decisionvariables[j][1] # 轉(zhuǎn)換為表現(xiàn)形 decodevalue = lower + decimal * (uper - lower) / (2 ** lengthchild - 1) # 將解添加到數(shù)組中 decodeVariables[i][j] = decodevalue return decodeVariables # 選擇新的種群def selectNewPopulation(decodepopu, cum_probability): # 獲取種群的規(guī)模和 m, n = decodepopu.shape # 初始化新種群 newPopulation = np.zeros((m, n)) for i in range(m): # 產(chǎn)生一個0到1之間的隨機數(shù) randomnum = np.random.random() # 輪盤賭選擇 for j in range(m): if (randomnum < cum_probability[j]): newPopulation[i] = decodepopu[j] break return newPopulation # 新種群交叉def crossNewPopulation(newpopu, prob): m, n = newpopu.shape # uint8將數(shù)值轉(zhuǎn)換為無符號整型 numbers = np.uint8(m * prob) # 如果選擇的交叉數(shù)量為奇數(shù),則數(shù)量加1 if numbers % 2 != 0: numbers = numbers + 1 # 初始化新的交叉種群 updatepopulation = np.zeros((m, n), dtype=np.uint8) # 隨機生成需要交叉的染色體的索引號 index = random.sample(range(m), numbers) # 不需要交叉的染色體直接復(fù)制到新的種群中 for i in range(m): if not index.__contains__(i): updatepopulation[i] = newpopu[i] # 交叉操作 j = 0 while j < numbers: # 隨機生成一個交叉點,np.random.randint()返回的是一個列表 crosspoint = np.random.randint(0, n, 1) crossPoint = crosspoint[0] # a = index[j] # b = index[j+1] updatepopulation[index[j]][0:crossPoint] = newpopu[index[j]][0:crossPoint] updatepopulation[index[j]][crossPoint:] = newpopu[index[j + 1]][crossPoint:] updatepopulation[index[j + 1]][0:crossPoint] = newpopu[j + 1][0:crossPoint] updatepopulation[index[j + 1]][crossPoint:] = newpopu[index[j]][crossPoint:] j = j + 2 return updatepopulation # 變異操作def mutation(crosspopulation, mutaprob): # 初始化變異種群 mutationpopu = np.copy(crosspopulation) m, n = crosspopulation.shape # 計算需要變異的基因數(shù)量 mutationnums = np.uint8(m * n * mutaprob) # 隨機生成變異基因的位置 mutationindex = random.sample(range(m * n), mutationnums) # 變異操作 for geneindex in mutationindex: # np.floor()向下取整返回的是float型 row = np.uint8(np.floor(geneindex / n)) colume = geneindex % n if mutationpopu[row][colume] == 0: mutationpopu[row][colume] = 1 else: mutationpopu[row][colume] = 0 return mutationpopu # 找到重新生成的種群中適應(yīng)度值最大的染色體生成新種群def findMaxPopulation(population, maxevaluation, maxSize): #將數(shù)組轉(zhuǎn)換為列表 #maxevalue = maxevaluation.flatten() maxevaluelist = maxevaluation # 找到前100個適應(yīng)度最大的染色體的索引 maxIndex = map(maxevaluelist.index, heapq.nlargest(maxSize, maxevaluelist)) index = list(maxIndex) colume = population.shape[1] # 根據(jù)索引生成新的種群 maxPopulation = np.zeros((maxSize, colume)) i = 0 for ind in index: maxPopulation[i] = population[ind] i = i + 1 return maxPopulation # 得到每個個體的適應(yīng)度值及累計概率def getFitnessValue(decode,x_train,y_train): # 得到種群的規(guī)模和決策變量的個數(shù) popusize, decisionvar = decode.shape fitnessValue = [] for j in range(len(decode)): W1 = decode[j][0:20].reshape(4,5) V1 = decode[j][20:25].T W2 = decode[j][25:45].reshape(5,4) V2 = decode[j][45:].T error_all = [] for i in range(len(x_train)): #get values of hidde layer X2 = sigmoid(x_train[i].T.dot(W1)+V1) #get values of prediction y Y_hat = sigmoid(X2.T.dot(W2)+V2) #get error when input dimension is i error = sum(abs(Y_hat - y_train[i])) error_all.append(error) #get fitness when W and V is j fitnessValue.append(1/(1+sum(error_all))) # 得到每個個體被選擇的概率 probability = fitnessValue / np.sum(fitnessValue) # 得到每個染色體被選中的累積概率,用于輪盤賭算子使用 cum_probability = np.cumsum(probability) return fitnessValue, cum_probability def getFitnessValue_accuracy(decode,x_train,y_train): # 得到種群的規(guī)模和決策變量的個數(shù) popusize, decisionvar = decode.shape fitnessValue = [] for j in range(len(decode)): W1 = decode[j][0:20].reshape(4,5) V1 = decode[j][20:25].T W2 = decode[j][25:45].reshape(5,4) V2 = decode[j][45:].T accuracy = [] for i in range(len(x_train)): #get values of hidde layer X2 = sigmoid(x_train[i].T.dot(W1)+V1) #get values of prediction y Y_hat = sigmoid(X2.T.dot(W2)+V2) #get error when input dimension is i accuracy.append(sum(abs(np.round(Y_hat) - y_train[i]))) fitnessValue.append(sum([m == 0 for m in accuracy])/len(accuracy)) # 得到每個個體被選擇的概率 probability = fitnessValue / np.sum(fitnessValue) # 得到每個染色體被選中的累積概率,用于輪盤賭算子使用 cum_probability = np.cumsum(probability) return fitnessValue, cum_probability def getXY(): # 要打開的文件名 data_set = pd.read_csv(’all-bp.csv’, header=None) # 取出“特征”和“標簽”,并做了轉(zhuǎn)置,將列轉(zhuǎn)置為行 X_minMax1 = data_set.iloc[:, 0:12].values # 前12列是特征 min_max_scaler = preprocessing.MinMaxScaler() X_minMax = min_max_scaler.fit_transform(X_minMax1) # 0-1 range transfer = PCA(n_components=0.9) data1 = transfer.fit_transform(X_minMax) #print(’PCA processed shape:’,data1.shape) X = data1 Y = data_set.iloc[ : , 12:16].values # 后3列是標簽 # 分訓(xùn)練和測試集 x_train, x_test, y_train, y_test = train_test_split(X, Y, test_size=0.3) return x_train, x_test, y_train, y_test def sigmoid(z): return 1 / (1 + np.exp(-z))

上面的計算適應(yīng)度函數(shù)需要自己更具實際情況調(diào)整。

optimalvalue = []optimalvariables = [] # 兩個決策變量的上下界,多維數(shù)組之間必須加逗號decisionVariables = [[-100,100]]*49# 精度delta = 0.001# 獲取染色體長度EncodeLength = getEncodeLength(decisionVariables, delta)# 種群數(shù)量initialPopuSize = 100# 初始生成100個種群,20,5,20,4分別對用W1,V1,W2,V2population = getinitialPopulation(sum(EncodeLength), initialPopuSize)print('polpupation.shape:',population.shape)# 最大進化代數(shù)maxgeneration = 4000# 交叉概率prob = 0.8# 變異概率mutationprob = 0.5# 新生成的種群數(shù)量maxPopuSize = 30x_train, x_test, y_train, y_test = getXY() for generation in range(maxgeneration): # 對種群解碼得到表現(xiàn)形 print(generation) decode = getDecode(population, EncodeLength, decisionVariables, delta) #print(’the shape of decode:’,decode.shape # 得到適應(yīng)度值和累計概率值 evaluation, cum_proba = getFitnessValue_accuracy(decode,x_train,y_train) # 選擇新的種群 newpopulations = selectNewPopulation(population, cum_proba) # 新種群交叉 crossPopulations = crossNewPopulation(newpopulations, prob) # 變異操作 mutationpopulation = mutation(crossPopulations, mutationprob) # 將父母和子女合并為新的種群 totalpopulation = np.vstack((population, mutationpopulation)) # 最終解碼 final_decode = getDecode(totalpopulation, EncodeLength, decisionVariables, delta) # 適應(yīng)度評估 final_evaluation, final_cumprob = getFitnessValue_accuracy(final_decode,x_train,y_train) #選出適應(yīng)度最大的100個重新生成種群 population = findMaxPopulation(totalpopulation, final_evaluation, maxPopuSize) # 找到本輪中適應(yīng)度最大的值 optimalvalue.append(np.max(final_evaluation)) index = np.where(final_evaluation == max(final_evaluation)) optimalvariables.append(list(final_decode[index[0][0]]))

fig = plt.figure(dpi = 160,figsize=(5,4)) config = {'font.family':'serif', #serif'font.size': 10,'mathtext.fontset':’stix’,}rcParams.update(config)plt.plot(np.arange(len(optimalvalue)), optimalvalue, color='y', lw=0.8, ls=’-’, marker=’o’, ms=8)# 圖例設(shè)置plt.xlabel(’Iteration’)plt.ylabel(’Accuracy’)plt.show()

python實現(xiàn)高效的遺傳算法

以上就是python實現(xiàn)高效的遺傳算法的詳細內(nèi)容,更多關(guān)于python遺傳算法的資料請關(guān)注好吧啦網(wǎng)其它相關(guān)文章!

標簽: Python 編程
相關(guān)文章:
主站蜘蛛池模板: 波纹补偿器_不锈钢波纹补偿器_巩义市润达管道设备制造有限公司 | 媒介云-全网整合营销_成都新闻媒体发稿_软文发布平台 | 天津次氯酸钠酸钙溶液-天津氢氧化钠厂家-天津市辅仁化工有限公司 | EPDM密封胶条-EPDM密封垫片-EPDM生产厂家 | HV全空气系统_杭州暖通公司—杭州斯培尔冷暖设备有限公司 | 成都治疗尖锐湿疣比较好的医院-成都治疗尖锐湿疣那家医院好-成都西南皮肤病医院 | 合肥白癜风医院_合肥治疗白癜风医院_合肥看白癜风医院哪家好_合肥华研白癜风医院 | SDG吸附剂,SDG酸气吸附剂,干式酸性气体吸收剂生产厂家,超过20年生产使用经验。 - 富莱尔环保设备公司(原名天津市武清县环保设备厂) | 南京泽朗生物科技有限公司-液体饮料代加工_果汁饮料代加工_固体饮料代加工 | 电动葫芦|手拉葫芦|环链电动葫芦|微型电动葫芦-北京市凌鹰起重机械有限公司 | 本安接线盒-本安电路用接线盒-本安分线盒-矿用电话接线盒-JHH生产厂家-宁波龙亿电子科技有限公司 | Jaeaiot捷易科技-英伟达AI显卡模组/GPU整机服务器供应商 | 不锈钢轴流风机,不锈钢电机-许昌光维防爆电机有限公司(原许昌光维特种电机技术有限公司) | 北京环球北美考试院【官方网站】|北京托福培训班|北京托福培训 | 石牌坊价格石牌坊雕刻制作_石雕牌坊牌楼石栏杆厂家_山东嘉祥石雕有限公司 | 密集架|电动密集架|移动密集架|黑龙江档案密集架-大量现货厂家销售 | 潜水搅拌机-双曲面搅拌机-潜水推进器|奥伯尔环保 | HEYL硬度计量泵-荧光法在线溶解氧仪-净时测控技术(上海)有限公司 | 创客匠人-让IP变现不走弯路| 影视模板素材_原创专业影视实拍视频素材-8k像素素材网 | Eiafans.com_环评爱好者 环评网|环评论坛|环评报告公示网|竣工环保验收公示网|环保验收报告公示网|环保自主验收公示|环评公示网|环保公示网|注册环评工程师|环境影响评价|环评师|规划环评|环评报告|环评考试网|环评论坛 - Powered by Discuz! | 圣才学习网-考研考证学习平台,提供万种考研考证电子书、题库、视频课程等考试资料 | 专业的压球机生产线及解决方案厂家-河南腾达机械厂 | 釜溪印象网络 - Powered by Discuz! | 软瓷_柔性面砖_软瓷砖_柔性石材_MCM软瓷厂家_湖北博悦佳软瓷 | 喷砂机厂家_自动喷砂机生产_新瑞自动化喷砂除锈设备 | 海外整合营销-独立站营销-社交媒体运营_广州甲壳虫跨境网络服务 焊管生产线_焊管机组_轧辊模具_焊管设备_焊管设备厂家_石家庄翔昱机械 | 润滑油加盟_润滑油厂家_润滑油品牌-深圳市沃丹润滑科技有限公司 琉璃瓦-琉璃瓦厂家-安徽盛阳新型建材科技有限公司 | 制氮设备-变压吸附制氮设备-制氧设备-杭州聚贤气体设备制造有限公司 | 喷漆房_废气处理设备-湖北天地鑫环保设备有限公司 | 磷酸肌酸二钠盐,肌酐磷酰氯-沾化欣瑞康生物科技 | 小学教案模板_中学教师优秀教案_高中教学设计模板_教育巴巴 | 交变/复合盐雾试验箱-高低温冲击试验箱_安奈设备产品供应杭州/江苏南京/安徽马鞍山合肥等全国各地 | 内六角扳手「厂家」-温州市威豪五金工具有限公司 | 低粘度纤维素|混凝土灌浆料|有机硅憎水粉|聚羧酸减水剂-南京斯泰宝 | 杭州代理记账费用-公司注销需要多久-公司变更监事_杭州福道财务管理咨询有限公司 | 高精度-恒温冷水机-螺杆式冰水机-蒸发冷冷水机-北京蓝海神骏科技有限公司 | 泰国专线_泰国物流专线_广州到泰国物流公司-泰廊曼国际 | 智能风向风速仪,风速告警仪,数字温湿仪,综合气象仪(气象五要素)-上海风云气象仪器有限公司 | 粤丰硕水性环氧地坪漆-防静电自流平厂家-环保地坪涂料代理 | 美的商用净水器_美的直饮机_一级代理经销商_Midea租赁价格-厂家反渗透滤芯-直饮水批发品牌售后 |