Python实战开发及案例分析(16)—— 遗传算法

        遗传算法(Genetic Algorithm, GA)是一种模拟自然选择和遗传学原理的搜索启发式算法。它们通常用于解决优化和搜索问题,基于“适者生存”的自然选择概念,通过选择、交叉(杂交)、变异操作在一系列迭代中逐步优化解决方案。

遗传算法的主要组成部分:

  1. 种群(Population):解决方案的集合。
  2. 适应度函数(Fitness Function):衡量个体适应环境的好坏。
  3. 选择(Selection):选择适应度好的个体繁殖。
  4. 交叉(Crossover):交换某些个体的部分基因,产生新的个体。
  5. 变异(Mutation):随机改变个体的某些基因,增加种群的多样性。

Python 实现:简单遗传算法

案例分析:最大化一个简单的数学函数

        我们将使用遗传算法来最大化函数 𝑓(𝑥)=𝑥^2,其中 𝑥x 在某个范围内,例如 [0, 31]。

Python 实现:
import random# 适应度函数
def fitness(x):return x ** 2# 选择
def select(population, scores, k=3):# 轮盘赌选择selection_ix = random.randint(0, len(population)-1)for ix in random.sample(range(len(population)), k):if scores[ix] > scores[selection_ix]:selection_ix = ixreturn population[selection_ix]# 交叉
def crossover(p1, p2, r_cross):# 单点交叉c1, c2 = p1.copy(), p2.copy()if random.random() < r_cross:pt = random.randint(1, len(p1)-2)c1 = p1[:pt] + p2[pt:]c2 = p2[:pt] + p1[pt:]return [c1, c2]# 变异
def mutation(bitstring, r_mut):for i in range(len(bitstring)):if random.random() < r_mut:bitstring[i] = 1 - bitstring[i]# 遗传算法
def genetic_algorithm(objective, n_bits, n_iter, n_pop, r_cross, r_mut):# 初始种群population = [[random.randint(0, 1) for _ in range(n_bits)] for _ in range(n_pop)]best, best_eval = 0, objective(int("".join(str(x) for x in population[0]), 2))for gen in range(n_iter):# 评估所有候选scores = [objective(int("".join(str(x) for x in candidate), 2)) for candidate in population]for i in range(n_pop):if scores[i] > best_eval:best, best_eval = population[i], scores[i]print(">%d, new best f(%s) = %f" % (gen, "".join(str(x) for x in population[i]), scores[i]))# 选择下一代selected = [select(population, scores) for _ in range(n_pop)]# 创建下一代children = list()for i in range(0, n_pop, 2):p1, p2 = selected[i], selected[i+1]for c in crossover(p1, p2, r_cross):mutation(c, r_mut)children.append(c)population = childrenreturn [best, best_eval]# 定义问题参数
n_iter = 100
n_bits = 5
n_pop = 100
r_cross = 0.9
r_mut = 1.0 / float(n_bits)# 执行遗传算法
best, score = genetic_algorithm(fitness, n_bits, n_iter, n_pop, r_cross, r_mut)
print('Done!')
print('Best Solution: %s, Score: %.3f' % ("".join(str(x) for x in best), score))
结果解释:

        此代码实现了一个基本的遗传算法,通过随机初始化种群,然后对种群进行迭代,通过选择、交叉和变异操作来生成新一代种群。目标是最大化给定的适应度函数 𝑓(𝑥)=𝑥2f(x)=x2,其中 𝑥x 为二进制编码的整数。

总结:

  • 遗传算法是解决优化和搜索问题的强大工具,尤其适用于解空间复杂或不易直接优化的问题。
  • 参数调整对算法性能有显著影响,包括种群大小、交叉率、变异率和迭代次数。
  • 应用广泛:除了数学函数优化,遗传算法还广泛应用于工程设计、机器学习模型参数优化、调度问题等领域。

扩展遗传算法的实际应用

        遗传算法可以用于解决各种实际问题,从工程优化到人工智能。下面我们将探讨遗传算法在几个不同的应用场景中的应用,并提供具体的 Python 实现。

应用案例 1:旅行商问题(TSP)

        旅行商问题(TSP)是一个经典的优化问题,目标是寻找访问一系列城市并返回起点的最短可能路线。遗传算法非常适合解决这类问题。

Python 实现:遗传算法解决 TSP
import numpy as np
import random# 定义城市坐标
cities = [(random.randint(0, 100), random.randint(0, 100)) for _ in range(20)]# 计算两个城市之间的距离
def distance(city1, city2):return np.sqrt((city1[0] - city2[0]) ** 2 + (city1[1] - city2[1]) ** 2)# 适应度函数:总路程的倒数
def fitness(route):total_distance = sum(distance(cities[route[i]], cities[route[i - 1]]) for i in range(len(route)))return 1 / total_distance# 选择函数:基于轮盘赌选择
def select(population, scores):selection_prob = [score / sum(scores) for score in scores]return list(np.random.choice(len(population), size=len(population), p=selection_prob, replace=True))# 交叉函数:顺序交叉操作
def crossover(parent1, parent2, r_cross):if random.random() < r_cross:start, end = sorted(random.sample(range(len(parent1)), 2))child = [None] * len(parent1)child[start:end] = parent1[start:end]child = [item for item in parent2 if item not in child[start:end]] + childreturn childreturn parent1# 变异函数:交换变异
def mutation(route, r_mut):for i in range(len(route)):if random.random() < r_mut:swap_idx = random.randint(0, len(route) - 1)route[i], route[swap_idx] = route[swap_idx], route[i]# 遗传算法求解 TSP
def genetic_algorithm_tsp(cities, n_iter, r_cross, r_mut):# 初始化种群:随机生成路线population = [list(np.random.permutation(len(cities))) for _ in range(100)]best_route, best_fitness = None, float('inf')for _ in range(n_iter):# 评估适应度scores = [fitness(route) for route in population]if max(scores) > best_fitness:best_fitness = max(scores)best_route = population[scores.index(best_fitness)]# 选择selected_indices = select(population, scores)selected = [population[i] for i in selected_indices]# 交叉和变异children = []for i in range(0, len(selected), 2):child = crossover(selected[i], selected[(i + 1) % len(selected)], r_cross)mutation(child, r_mut)children.append(child)population = childrenreturn best_route, 1 / best_fitness# 执行遗传算法
best_route, best_score = genetic_algorithm_tsp(cities, 200, 0.8, 0.02)
print('Best Score:', best_score)
print('Best Route:', best_route)

        这个 TSP 的实现使用了基本的遗传操作和简单的路线编码,其中适应度函数是总路程的倒数,选择基于轮盘赌选择,交叉操作为顺序交叉,变异操作为交换变异。

应用案例 2:特征选择

        在机器学习中,特征选择是一个重要的预处理步骤,可以用于减少维度,提高模型的性能和泛化能力。遗传算法可以用于选择最优特征子集。

Python 实现:遗传算法进行特征选择
from sklearn.datasets import load_iris
from sklearn.model_selection import train_test_split
from sklearn.ensemble import RandomForestClassifier
from sklearn.metrics import accuracy_score# 加载数据
data = load_iris()
X, y = data.data, data.target# 适应度函数:基于分类精度
def feature_fitness(features, X_train, X_test, y_train, y_test):model = RandomForestClassifier(n_estimators=50, random_state=42)model.fit(X_train[:, features], y_train)predictions = model.predict(X_test[:, features])return accuracy_score(y_test, predictions)# 初始化种群:随机选择特征
def init_population(n_pop, n_features):return [np.random.randint(0, 2, size=n_features).tolist() for _ in range(n_pop)]# 遗传算法求解特征选择问题
def genetic_algorithm_feature_selection(X, y, n_iter, r_cross, r_mut):X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42)n_features = X.shape[1]population = init_population(100, n_features)best, best_eval = population[0], feature_fitness([i for i in range(n_features) if population[0][i] == 1], X_train, X_test, y_train, y_test)for _ in range(n_iter):# 评估适应度scores = [feature_fitness([i for i in range(n_features) if pop[i] == 1], X_train, X_test, y_train, y_test) for pop in population]for i in range(len(population)):if scores[i] > best_eval:best, best_eval = population[i], scores[i]print(">%d, new best f(%s) = %.3f" % (_, population[i], scores[i]))# 选择、交叉和变异selected = [select(population, scores) for _ in range(len(population))]children = []for i in range(0, len(selected), 2):child = crossover(selected[i], selected[(i + 1) % len(selected)], r_cross)mutation(child, r_mut)children.append(child)population = childrenreturn best# 执行遗传算法
best_features = genetic_algorithm_feature_selection(X, y, 100, 0.9, 0.1)
print('Best Feature Set:', best_features)
print('Selected Features:', [data.feature_names[i] for i in range(len(best_features)) if best_features[i] == 1])

        这个特征选择的实现使用了随机森林分类器评估每个特征子集的有效性,并通过遗传算法找到最优的特征组合。

结论

        遗传算法提供了一种灵活的方法来解决各种优化问题。通过适当的适应度函数、选择、交叉和变异操作,可以解决从简单数学优化问题到复杂的实际应用问题。其成功依赖于参数的调整和适应度函数的设计,以及问题的编码方法。

深入探索遗传算法的高级应用和实践优化技巧

        遗传算法的应用范围广泛,从工程设计到算法优化再到艺术创作,都可以见到它的身影。接下来,我们将进一步探讨遗传算法的高级应用和实践中的优化技巧,同时提供具体的 Python 实例来演示这些概念。

应用案例 3:结构优化问题

        在工程领域,遗传算法常被用于优化结构设计,如桥梁、建筑和机械部件的设计优化。

Python 实现:遗传算法进行结构优化

        假设我们要设计一座桥的梁结构,目标是最小化材料使用量同时保证结构稳定性。

import numpy as np
import random# 设定结构设计的适应度函数
def structural_fitness(individual):# 假设:结构设计的适应度与其重量成反比,与承重能力成正比weight = sum(individual)load_capacity = 1 / (np.var(individual) + 0.01)  # 假定承重能力与重量分布的均匀性有关return load_capacity / weight# 初始化种群
def init_population(n, length):return [np.random.randint(1, 10, size=length).tolist() for _ in range(n)]# 遗传算法主函数
def genetic_algorithm(n_iter, n_pop, length, r_cross, r_mut):population = init_population(n_pop, length)best, best_eval = population[0], structural_fitness(population[0])for gen in range(n_iter):# 评估种群scores = [structural_fitness(individual) for individual in population]for i in range(n_pop):if scores[i] > best_eval:best, best_eval = population[i], scores[i]print(">%d, new best f(%s) = %.3f" % (gen, best, best_eval))# 繁殖新一代selected = [select(population, scores) for _ in range(n_pop)]children = []for i in range(0, len(selected), 2):if i + 1 < len(selected):p1, p2 = selected[i], selected[i+1]for c in crossover(p1, p2, r_cross):mutation(c, r_mut)children.append(c)else:children.append(selected[i])population = childrenreturn best, best_eval# 运行遗传算法
n_iter = 100
n_pop = 50
length = 10  # 每个设计方案的参数数量
r_cross = 0.9
r_mut = 0.2best_solution, best_evaluation = genetic_algorithm(n_iter, n_pop, length, r_cross, r_mut)
print('Best Solution:', best_solution)
print('Best Evaluation:', best_evaluation)
应用案例 4:算法参数优化

        遗传算法也可以用于优化其他算法的参数配置,如机器学习模型中的超参数。

Python 实现:遗传算法优化机器学习模型参数
from sklearn import datasets
from sklearn.model_selection import train_test_split
from sklearn.ensemble import RandomForestClassifier
from sklearn.metrics import accuracy_score# 加载数据集
iris = datasets.load_iris()
X = iris.data
y = iris.target# 模型适应度函数
def model_fitness(params):n_estimators, max_depth = int(params[0]), int(params[1])clf = RandomForestClassifier(n_estimators=n_estimators, max_depth=max_depth, random_state=42)clf.fit(X_train, y_train)predictions = clf.predict(X_test)return accuracy_score(y_test, predictions)X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)# 遗传算法优化模型参数
best_params, best_acc = genetic_algorithm(50, 20, 2, 0.8, 0.1)
print('Best Parameters:', best_params)
print('Best Accuracy:', best_acc)

优化技巧和高级策略

  1. 增强遗传多样性:为了避免早熟收敛,可以引入更复杂的变异策略或多样性保持机制。
  2. 并行化遗传算法:由于遗传算法的种群可以独立评估,因此适合并行化处理以提高效率。
  3. 自适应参数调整:动态调整交叉率和变异率,根据算法的进展来优化这些参数。

总结

        遗传算法是一种强大而灵活的优化工具,通过模拟自然选择的机制,能够有效地解决各种复杂的优化问题。无论是在工程设计、算法优化还是其他复杂系统的优化中,遗传算法都能提供有价值的解决方案。实际应用中,调整算法的各种参数和适应性函数是实现最佳性能的关键。

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/pingmian/10800.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

01-背包

此为本蒟蒻第n次发文,若有错误或不足之处,还请各位牛犇多多指出。 目录 引入 01背包 时间复杂度 O ( n 2 ) O(n^2) O(n2) 空间复杂度 O ( n 2 ) O(n^2) O(n2) 代码 滚动数组优化 空间复杂度 O ( n ) O(n) O(n) 代码 练习与拓展 资源来源与参考 0. 引入 在正式开始讲『01背…

【计算机网络】计算机网络体系结构

&#x1f6a9;本文已收录至专栏&#xff1a;计算机网络学习之旅 一.常见的三种结构 (1) OSI参考模型 为了使不同体系结构的计算机网络都能互连起来&#xff0c;国际标准化组织于1977年成立了专门机构研究该问题&#xff0c;提出了著名的开放系统互连基本参考模型&#xff0c…

pycharm 将项目连同库一起打包及虚拟环境的使用

目录 一、创建虚拟环境 1、用 anaconda 创建 2、Pycharm 直接创建 二、虚拟环境安装第三方库 1、创建项目后&#xff0c;启动终端(Alt F12)&#xff0c;或者点击下方标记处。 2、使用 pip 或者 conda 来进行三方库的安装或卸载 3、将项目中的库放入文档&#xff0c;便于…

李宏毅-注意力机制详解

原视频链接&#xff1a;attention 一. 基本问题分析 1. 模型的input 无论是预测视频观看人数还是图像处理&#xff0c;输入都可以看作是一个向量&#xff0c;输出是一个数值或类别。然而&#xff0c;若输入是一系列向量&#xff0c;长度可能会不同&#xff0c;例如把句子里的…

Spring STOMP-消息处理流程

一旦STOMP的接口被公布&#xff0c;Spring应用程序就成为连接客户端的STOMP代理。本节描述服务端消息处理的流程。 spring-messaging模块包含消息类应用的基础功能&#xff0c;这些功能起源于Spring Integration项目。并且&#xff0c;后来被提取整合到Spring框架&#xff0c;…

LeetCode - 0001 两数之和

题目地址&#xff1a;https://leetcode.cn/problems/two-sum/description/ 我&#xff1a;你好&#xff0c;面试官&#xff0c;我对算法了解的不多&#xff0c;只刷过LeetCode第一题&#xff0c;你不要问的太难了&#xff0c;好&#xff0c;我准备好了。 面试官&#xff1a;啊…

Spring Boot 调用外部接口的几种方式

Spring Boot 调用外部接口的几种方式 在微服务架构中&#xff0c;服务间的调用是不可或缺的环节。Spring Boot 为开发者提供了多种方式来实现这一任务&#xff0c;这个文章将为你详细介绍这些方式。 一、使用RestTemplate RestTemplate是 Spring Boot 早期版本中常用的 REST 客…

十个最适合论文写作的GPTs及其应用

文章目录 一、GPTs让一切皆有可能二、最适合论文写作的GPTs及其应用1、[Paper Search Engine](https://chat.openai.com/g/g-9v5gHG9Bo)2、[Academic Paper Specialist&#xff08;学术论文撰写专家&#xff09;](https://chat.openai.com/g/g-jryw3pfsH)3、[Paper Connect 论文…

【八十七】【算法分析与设计】单调栈全新版本,右大于,左小于右小于等于,739. 每日温度,907. 子数组的最小值之和

739. 每日温度(右大于) 给定一个整数数组 temperatures &#xff0c;表示每天的温度&#xff0c;返回一个数组 answer &#xff0c;其中 answer[i] 是指对于第 i 天&#xff0c;下一个更高温度出现在几天后。如果气温在这之后都不会升高&#xff0c;请在该位置用 0 来代替。 示…

微信公众号接入chatGPT自动回复(2)

微信公众平台 配置自动回复的服务器 application.properties中的配置 验证服务器接口配置 其实就两个接口(相同的url地址,只不过请求方式不一样) 1.验证接口(get请求) 2.自动回复接口(post请求) 完整代码 这个地址就是上面URL配置的地址 如果使用Nginx的话自动配置 将该代…

[原创](Modern C++)现代C++的字符串与Windows API交互的正确方式.

[简介] 常用网名: 猪头三 出生日期: 1981.XX.XX QQ联系: 643439947 个人网站: 80x86汇编小站 https://www.x86asm.org 编程生涯: 2001年~至今[共22年] 职业生涯: 20年 开发语言: C/C、80x86ASM、PHP、Perl、Objective-C、Object Pascal、C#、Python 开发工具: Visual Studio、D…

11个免费的 android数据恢复应用程序功能分析

在手机上丢失数据是一个很大的错误。但是&#xff0c;在这种情况下&#xff0c;除了惊慌失措之外&#xff0c;最好开始使用android数据恢复应用程序搜索以查找将其取回的方法。您可以检查手机的备份存储以在Android上进行数据恢复&#xff0c;但是如果数据仍然无处可寻&#xf…

@PostConstruct

PostConstruct initializeBean方法–> PostProcessor.postProcessMergedBeanDefinition --> InitDestroyAnnotationBeanPostProcessor.postProcessBeforeDestruction 被PostConstruct注解的方法会在Bean初始化的时候被调用&#xff0c;如下图&#xff1a; 继承关系如下…

jenkins连接ubuntu普通用户节点

1.创建credentials 2.创建node 3.在jenkins服务器还需要进行的操作&#xff08;jenkins服务器中&#xff09; mkdir /var/lib/jenkins/.ssh ssh-keyscan -H 192.168.110.204 >> /var/lib/jenkins/.ssh/known_hosts chown -R jenkins:jenkins /var/lib/jenkins/.ssh/ 4.…

相交链表(数据结构)

160. 相交链表 - 力扣&#xff08;LeetCode&#xff09;https://leetcode.cn/problems/intersection-of-two-linked-lists/description/ 题目 解决思路 1&#xff0c;找到相交的点 相交链表的关键也就是找到相交的点&#xff0c;所以我们需要首先判断有没有相交的节点&#…

程序员必读书籍推荐

在快速发展的编程领域&#xff0c;不断学习和积累是每位程序员的必修课。以下是几本对于程序员来说&#xff0c;不容错过的必读书籍。 《代码大全》是一本编程界的经典之作&#xff0c;书中不仅详细介绍了编程的最佳实践&#xff0c;还深入探讨了软件构建的艺术。对于想要提升…

最新的云渲染100活动有哪些?渲染100邀请码1a12

随着科技的进步&#xff0c;云渲染已经成为设计行业的必备工具&#xff0c;各个云渲染平台为了吸引用户也推出各种各样的活动&#xff0c;今天我们以广受好评的渲染100为例&#xff0c;来说下它们的活动体系。 1、新用户活动 渲染100对新用户很友好&#xff0c;提供了充足的测…

K-RTD01和利时FW248中控卡件

K-RTD01和利时FW248中控卡件。 系统概述 的全称为保护工程师站及录波分析后台”是利用现代计算机和网络技术&#xff0c;K-RTD01和利时FW248中控卡件。实时收集变电站运行和故障信息&#xff0c;并通过对变电站的故障信息进行综合分析&#xff0c;K-RTD01和利时FW248中控卡件。…

Ps 滤镜:便条纸

Ps菜单&#xff1a;滤镜/滤镜库/素描/便条纸 Filter Gallery/Sketch/Note Paper 便条纸 Note Paper滤镜用于模拟手工纸张的质感和视觉效果。此滤镜将图像简化并添加浮雕和颗粒效果&#xff0c;使图像看起来像是在手工制作的纸上绘制或打印。 “便条纸”滤镜通过结合使用浮雕效果…