iis服务器助手广告
返回顶部
首页 > 资讯 > 后端开发 > Python >python如何实现高效的遗传算法
  • 605
分享到

python如何实现高效的遗传算法

2023-06-14 10:06:12 605人浏览 独家记忆

Python 官方文档:入门教程 => 点击学习

摘要

小编给大家分享一下python如何实现高效的遗传算法,相信大部分人都还不怎么了解,因此分享这篇文章给大家参考一下,希望大家阅读完这篇文章后大有收获,下面让我们一起去了解一下吧!遗传算法属于一种优化算法。如果你有一个待优化函数,可以考虑次算法

小编给大家分享一下python如何实现高效的遗传算法,相信大部分人都还不怎么了解,因此分享这篇文章给大家参考一下,希望大家阅读完这篇文章后大有收获,下面让我们一起去了解一下吧!

遗传算法属于一种优化算法。

如果你有一个待优化函数,可以考虑次算法。假设你有一个变量x,通过某个函数可以求出对应的y,那么你通过预设的x可求出y_pred,y_pred差距与你需要的y当然越接近越好,这就需要引入适应度(fitness)的概念。假设

fitness = 1/(1+ads(y_pred - y)),那么误差越小,适应度越大,即该个体越易于存活。

设计该算法的思路如下:

(1)初始化种群,即在我需要的区间如[-100,100]内random一堆初始个体[x1,x2,x3...],这些个体是10进制形式的,为了后面的交叉与变异我们不妨将其转化为二进制形式。那么现在的问题是二进制取多少位合适呢?即编码(code)的长度是多少呢?

这就涉及一些信号方面的知识,比如两位的二进制表示的最大值是3(11),可以将区间化为4分,那么每一份区间range长度range/4,我们只需要让range/n小于我们定义的精度即可。n是二进制需要表示的最大,可以反解出二进制位数 。

(2)我们需要编写编码与解码函数。即code:将x1,x2...化为二进制,decode:在交叉变异后重新得到十进制数,用于计算fitness。

(3)交叉后变异函数编写都很简单,random一个point,指定两个x在point位置进行切片交换即是交叉。变异也是random一个point,让其值0变为1,1变为0。

(4)得到交叉变异后的个体,需要计算fitness进行种群淘汰,保留fitness最高的一部分种群。

(5)将最优的个体继续上面的操作,直到你定义的iteration结束为止。

不说了,上代码:

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): # 将每个变量的编码长度放入数组 lengths = [] for decisionvar in decisionvariables:  uper = decisionvar[1]  low = decisionvar[0]  # res()返回一个数组  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()产生[0,2)之间的随机整数,第三个参数表示随机数的数量  chromsomes[popusize, :] = np.random.randint(0, 2, length) return chromsomes  # 染色体解码得到表现形的解def getDecode(population, encodelength, decisionvariables, delta): # 得到population中有几个元素 populationsize = population.shape[0] length = len(encodelength) decodeVariables = np.zeros((populationsize, length), dtype=np.float) # 将染色体拆分添加到解码数组decodeVariables中 for i, populationchild in enumerate(population):  # 设置起始点  start = 0   for j, lengthchild in enumerate(encodelength):   power = lengthchild - 1   decimal = 0   start_end = start + lengthchild   for k in range(start, start_end):    # 二进制转为十进制    decimal += populationchild[k] * (2 ** power)    power = power - 1   # 从下一个染色体开始   start = start_end   lower = decisionvariables[j][0]   uper = decisionvariables[j][1]   # 转换为表现形   decodevalue = lower + decimal * (uper - lower) / (2 ** lengthchild - 1)   # 将解添加到数组中   decodeVariables[i][j] = decodevalue    return decodeVariables  # 选择新的种群def selectNewPopulation(decodepopu, cum_probability): # 获取种群的规模和 m, n = decodepopu.shape # 初始化新种群 newPopulation = np.zeros((m, n)) for i in range(m):  # 产生一个0到1之间的随机数  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将数值转换为无符号整型 numbers = np.uint8(m * prob) # 如果选择的交叉数量为奇数,则数量加1 if numbers % 2 != 0:  numbers = numbers + 1 # 初始化新的交叉种群 updatepopulation = np.zeros((m, n), dtype=np.uint8) # 随机生成需要交叉的染色体的索引号 index = random.sample(range(m), numbers) # 不需要交叉的染色体直接复制到新的种群中 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 # 计算需要变异的基因数量 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  # 找到重新生成的种群中适应度值最大的染色体生成新种群def findMaxPopulation(population, maxevaluation, maxSize): #将数组转换为列表 #maxevalue = maxevaluation.flatten() maxevaluelist = maxevaluation # 找到前100个适应度最大的染色体的索引 maxIndex = map(maxevaluelist.index, heapq.nlargest(maxSize, maxevaluelist)) index = list(maxIndex) colume = population.shape[1] # 根据索引生成新的种群 maxPopulation = np.zeros((maxSize, colume)) i = 0 for ind in index:  maxPopulation[i] = population[ind]  i = i + 1 return maxPopulation   # 得到每个个体的适应度值及累计概率def getFitnessValue(decode,x_train,y_train): # 得到种群的规模和决策变量的个数 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): # 得到种群的规模和决策变量的个数 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) # 取出“特征”和“标签”,并做了转置,将列转置为行 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_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))

上面的计算适应度函数需要自己更具实际情况调整。

optimalvalue = []optimalvariables = [] # 两个决策变量的上下界,多维数组之间必须加逗号decisionVariables = [[-100,100]]*49# 精度delta = 0.001# 获取染色体长度EncodeLength = getEncodeLength(decisionVariables, delta)# 种群数量initialPopuSize = 100# 初始生成100个种群,20,5,20,4分别对用W1,V1,W2,V2population = getinitialPopulation(sum(EncodeLength), initialPopuSize)print("polpupation.shape:",population.shape)# 最大进化代数maxgeneration = 4000# 交叉概率prob = 0.8# 变异概率mutationprob = 0.5# 新生成的种群数量maxPopuSize = 30x_train, x_test, y_train, y_test = getXY()  for generation in range(maxgeneration): # 对种群解码得到表现形 print(generation) decode = getDecode(population, EncodeLength, decisionVariables, delta) #print('the shape of decode:',decode.shape  # 得到适应度值和累计概率值 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) # 适应度评估 final_evaluation, final_cumprob = getFitnessValue_accuracy(final_decode,x_train,y_train) #选出适应度最大的100个重新生成种群 population = findMaxPopulation(totalpopulation, final_evaluation, maxPopuSize)  # 找到本轮中适应度最大的值 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)# 图例设置plt.xlabel('Iteration')plt.ylabel('Accuracy')plt.show()

python如何实现高效的遗传算法

以上是“Python如何实现高效的遗传算法”这篇文章的所有内容,感谢各位的阅读!相信大家都有了一定的了解,希望分享的内容对大家有所帮助,如果还想学习更多知识,欢迎关注编程网Python频道!

--结束END--

本文标题: python如何实现高效的遗传算法

本文链接: https://www.lsjlt.com/news/270079.html(转载时请注明来源链接)

有问题或投稿请发送至: 邮箱/279061341@qq.com    QQ/279061341

本篇文章演示代码以及资料文档资料下载

下载Word文档到电脑,方便收藏和打印~

下载Word文档
猜你喜欢
  • python如何实现高效的遗传算法
    小编给大家分享一下python如何实现高效的遗传算法,相信大部分人都还不怎么了解,因此分享这篇文章给大家参考一下,希望大家阅读完这篇文章后大有收获,下面让我们一起去了解一下吧!遗传算法属于一种优化算法。如果你有一个待优化函数,可以考虑次算法...
    99+
    2023-06-14
  • python实现高效的遗传算法
    遗传算法属于一种优化算法。 如果你有一个待优化函数,可以考虑次算法。假设你有一个变量x,通过某个函数可以求出对应的y,那么你通过预设的x可求出y_pred,y_pred差距与你需要的...
    99+
    2024-04-02
  • 如何使用Python实现遗传算法
    本篇内容介绍了“如何使用Python实现遗传算法”的有关知识,在实际案例的操作过程中,不少人都会遇到这样的困境,接下来就让小编带领大家学习一下如何处理这些情况吧!希望大家仔细阅读,能够学有所成!遗传算法是模仿自然界生物进化机制发展起来的随机...
    99+
    2023-07-05
  • Python怎么实现遗传算法
    这篇文章给大家分享的是有关Python怎么实现遗传算法的内容。小编觉得挺实用的,因此分享给大家做个参考,一起跟随小编过来看看吧。(一)问题遗传算法求解正方形拼图游戏(二)代码#!/usr/bin/env python# ...
    99+
    2023-06-21
  • matlab遗传算法怎么实现
    要实现遗传算法(Genetic Algorithm)的MATLAB代码,可以按照以下步骤进行: 初始化种群:生成包含若干个个体(...
    99+
    2023-10-22
    matlab
  • 如何用Python从零开始实现简单遗传算法
    今天就跟大家聊聊有关如何用Python从零开始实现简单遗传算法,可能很多人都不太了解,为了让大家更加了解,小编给大家总结了以下内容,希望大家根据这篇文章可以有所收获。遗传算法是一种随机全局优化算法。连同人工神经网络,它可能是最流行和广为人知...
    99+
    2023-06-15
  • 怎么用python代码实现遗传算法
    要使用Python代码实现遗传算法,可以按照以下步骤进行操作:1. 定义问题:首先,需要明确要解决的问题是什么,例如优化问题、寻找最...
    99+
    2023-10-10
    python
  • 使用Python实现遗传算法的完整代码
    目录遗传算法具体步骤:1.2 实验代码1.3 实验结果1.4 实验总结1、如何在算法中实现“优胜劣汰”?2 、如何保证进化一直是在正向进行?3、交叉如何实现?...
    99+
    2023-03-23
    Python 遗传算法 python算法
  • 小白易懂的遗传算法(Python代码实现)
    无约束的遗传算法(最简单的) 最开始真正理解遗传算法,是通过这个博主的讲解,安利给小白们看一看,遗传算法的Python实现(通俗易懂),我觉得博主写的让人特别容易理解,关键是代码也不报错,然后我就照着...
    99+
    2023-09-16
    python numpy 开发语言
  • Python实现遗传算法(虚拟机中运行)
    目录(一)问题(二)代码(三)运行结果(四)结果描述(一)问题 遗传算法求解正方形拼图游戏 (二)代码 #!/usr/bin/env python # -*- coding: u...
    99+
    2024-04-02
  • python如何实现使用遗传算法进行图片拟合
    小编给大家分享一下python如何实现使用遗传算法进行图片拟合,希望大家阅读完这篇文章之后都有所收获,下面让我们一起去探讨吧!引言算法思路假设我们有这样一个生物族群,他们的每个基因片段都是一个个三角形(即只含三个点和颜色信息),他们每个个体...
    99+
    2023-06-29
  • Python中怎么实现一个遗传算法框架
    本篇文章给大家分享的是有关Python中怎么实现一个遗传算法框架,小编觉得挺实用的,因此分享给大家学习,希望大家阅读完这篇文章后可以有所收获,话不多说,跟着小编一起来看看吧。算法特点以决策变量的编码作为运算对象,使得优化过程借鉴生物学中的概...
    99+
    2023-06-17
  • 使用Python实现的遗传算法 附完整代码
    遗传算法是模仿自然界生物进化机制发展起来的随机全局搜索和优化方法,它借鉴了达尔文的进化论和孟德尔的遗传学说。其本质是一种高效、并行、全局搜索的方法,它能在搜索过程中自动获取和积累有关搜索空间的知识,并自适应的控制搜索过程以求得最优解。遗传算...
    99+
    2023-09-26
    Python 遗传算法 flask Powered by 金山文档
  • Matlab实现遗传算法的示例详解
    目录1算法讲解1.1何为遗传算法1.2遗传算法流程描述1.3关于为什么要用二进制码表示个体信息1.4目标函数值与适应值区别1.5关于如何将二进制码转化为变量数值1.6关于代码改进2M...
    99+
    2024-04-02
  • Python中怎么实现一个简单遗传算法
    今天就跟大家聊聊有关Python中怎么实现一个简单遗传算法,可能很多人都不太了解,为了让大家更加了解,小编给大家总结了以下内容,希望大家根据这篇文章可以有所收获。遗传算法遗传算法是模仿自然选择过程的优化算法。 他们没有使用"数学技...
    99+
    2023-06-16
  • 遗传算法详解及其MATLAB实现
    遗传算法是一种用于优化问题的启发式搜索算法,它模拟自然界中的进化过程,通过遗传、交叉和变异等操作寻找问题的最优解。遗传算法的核心思想...
    99+
    2023-09-14
    MATLAB
  • python遗传算法之geatpy如何安装使用
    这篇文章主要介绍了python遗传算法之geatpy如何安装使用的相关知识,内容详细易懂,操作简单快捷,具有一定借鉴价值,相信大家阅读完这篇python遗传算法之geatpy如何安装使用文章都会有所收获,下面我们一起来看看吧。1. geat...
    99+
    2023-07-06
  • Python 编程算法与实时 API:如何实现高效数据传输?
    在当今数据驱动的时代,数据传输已成为各种应用程序的核心。为了保持竞争力,快速高效地传输数据是至关重要的。在本文中,我们将讨论如何使用 Python 编程算法和实时 API 来实现高效的数据传输。 Python 编程算法 Python 编程...
    99+
    2023-10-05
    编程算法 实时 api
  • python实现使用遗传算法进行图片拟合
    目录引言预备知识及准备工作打开图片随机生成生物族群按照生物性状画图对比生物个体和目标图片的相似度保存图片算法主体交叉互换基因突变基因片段易位增加基因片段减少基因片段变异繁殖淘汰拟合示...
    99+
    2024-04-02
  • Python地图四色原理的遗传算法着色实现
    目录1 任务需求2 代码实现2.1 基本思路2.3 结果展示总结1 任务需求   首先,我们来明确一下本文所需实现的需求。   现有一个由多个...
    99+
    2024-04-02
软考高级职称资格查询
编程网,编程工程师的家园,是目前国内优秀的开源技术社区之一,形成了由开源软件库、代码分享、资讯、协作翻译、讨论区和博客等几大频道内容,为IT开发者提供了一个发现、使用、并交流开源技术的平台。
  • 官方手机版

  • 微信公众号

  • 商务合作