启发式算法教程(个人总结版)

1. 引言

1.1 什么是启发式算法

启发式算法是一类用于寻找复杂优化问题近似解的方法,特别适用于在计算资源有限的情况下求解大型问题。与精确算法不同,启发式算法不保证找到全局最优解,但能在可接受的时间内提供一个质量较高的解。

1.2 启发式算法的应用领域

启发式算法广泛应用于诸多领域,包括但不限于:

  • 工程设计:如结构优化和电路设计。
  • 生产调度:如车间作业调度和生产计划优化。
  • 物流配送:如车辆路径优化和仓库选址。
  • 网络优化:如网络路由和拓扑设计。
  • 机器学习:如参数调优和特征选择。
1.3 启发式算法与精确算法的区别

精确算法(如动态规划、线性规划)能在有限时间内找到问题的最优解,但其计算复杂度较高,难以应对大规模问题。启发式算法通过经验和启发式规则,在合理时间内找到近似最优解,具有计算速度快、适应性强的优点。

2. 启发式算法的类型及基本概念

2.1 局部搜索算法

局部搜索算法从一个初始解出发,通过邻域搜索找到更好的解,直到没有更好的邻域解。

  • 基本概念:解空间、邻域结构、局部最优解。
  • 应用实例:解决旅行商问题(TSP)。
  • 算法实现
    def local_search(schedule):best_schedule = schedulebest_cost = calculate_cost(schedule)while True:neighbors = generate_neighbors(schedule)improved = Falsefor neighbor in neighbors:cost = calculate_cost(neighbor)if cost < best_cost:best_schedule = neighborbest_cost = costimproved = Trueif not improved:breakreturn best_schedule, best_cost
    
2.2 模拟退火算法

模拟退火算法模拟物理退火过程,通过控制温度逐渐降低的策略寻找全局最优解。

  • 基本概念:退火过程、温度控制策略、接受概率。
  • 应用实例:生产调度问题。
  • 算法实现
    import random
    import mathdef simulated_annealing(tsp, initial_temp, cooling_rate, stop_temp):current_solution = random.sample(tsp, len(tsp))current_temp = initial_tempbest_solution = current_solutionbest_cost = calculate_cost(current_solution)while current_temp > stop_temp:new_solution = generate_new_solution(current_solution)new_cost = calculate_cost(new_solution)if new_cost < best_cost or accept_new_solution(best_cost, new_cost, current_temp):current_solution = new_solutionbest_cost = new_costbest_solution = current_solutioncurrent_temp *= cooling_ratereturn best_solution, best_costdef calculate_cost(solution):cost = 0for i in range(len(solution) - 1):cost += distance(solution[i], solution[i+1])cost += distance(solution[-1], solution[0])return costdef generate_new_solution(solution):new_solution = solution[:]i, j = random.sample(range(len(solution)), 2)new_solution[i], new_solution[j] = new_solution[j], new_solution[i]return new_solutiondef accept_new_solution(best_cost, new_cost, temp):return math.exp((best_cost - new_cost) / temp) > random.random()def distance(city1, city2):return math.sqrt((city1[0] - city2[0])**2 + (city1[1] - city2[1])**2)tsp = [(0, 0), (1, 2), (3, 5), (6, 1), (7, 7), (8, 8), (10, 10)]
    initial_temp = 1000
    cooling_rate = 0.995
    stop_temp = 1
    best_solution, best_cost = simulated_annealing(tsp, initial_temp, cooling_rate, stop_temp)
    print(f"最优路径: {best_solution}, 最短距离: {best_cost}")
    
2.3 遗传算法

遗传算法通过模拟生物进化过程,通过选择、交叉、变异等操作优化种群,寻找最优解。

  • 基本概念:种群、适应度函数、选择、交叉、变异。
  • 应用实例:机器学习中的特征选择。
  • 算法实现
    import randomdef genetic_algorithm(func, bounds, pop_size, generations, crossover_rate, mutation_rate):population = [random_individual(bounds) for _ in range(pop_size)]best_individual = max(population, key=lambda ind: func(ind))for _ in range(generations):selected = selection(population, func)offspring = crossover(selected, crossover_rate)population = mutation(offspring, mutation_rate, bounds)current_best = max(population, key=lambda ind: func(ind))if func(current_best) > func(best_individual):best_individual = current_bestreturn best_individualdef random_individual(bounds):return [random.uniform(bound[0], bound[1]) for bound in bounds]def selection(population, func):total_fitness = sum(func(ind) for ind in population)probabilities = [func(ind) / total_fitness for ind in population]selected = random.choices(population, probabilities, k=len(population))return selecteddef crossover(population, rate):offspring = []for i in range(0, len(population), 2):parent1, parent2 = population[i], population[i+1]if random.random() < rate:point = random.randint(1, len(parent1)-1)child1 = parent1[:point] + parent2[point:]child2 = parent2[:point] + parent1[point:]offspring.extend([child1, child2])else:offspring.extend([parent1, parent2])return offspringdef mutation(population, rate, bounds):for individual in population:if random.random() < rate:point = random.randint(0, len(individual)-1)individual[point] = random.uniform(bounds[point][0], bounds[point][1])return populationdef func(x):return -(x[0]**2 + x[1]**2) + 10bounds = [(-5, 5), (-5, 5)]
    pop_size = 50
    generations = 100
    crossover_rate = 0.8
    mutation_rate = 0.05
    best_solution = genetic_algorithm(func, bounds, pop_size, generations, crossover_rate, mutation_rate)
    print(f"最优解: {best_solution}, 目标函数值: {func(best_solution)}")
    

2.4 蚁群算法

蚁群算法模拟蚂蚁觅食行为,通过信息素的积累和挥发机制优化路径选择。

  • 基本概念:信息素更新、路径选择、挥发率。
  • 应用实例:网络路由优化。
  • 算法实现
    import randomdef ant_colony_optimization(graph, num_ants, num_iterations, alpha, beta, evaporation_rate):num_nodes = len(graph)pheromones = [[1 / num_nodes for _ in range(num_nodes)] for _ in range(num_nodes)]best_solution = Nonebest_cost = float('inf')for _ in range(num_iterations):solutions = []for _ in range(num_ants):solution = generate_solution(graph, pheromones, alpha, beta)solutions.append(solution)update_pheromones(pheromones, solutions, evaporation_rate)for solution in solutions:cost = calculate_cost(solution, graph)if cost < best_cost:best_cost = costbest_solution = solutionreturn best_solution, best_costdef generate_solution(graph, pheromones, alpha, beta):solution = []current_node = random.randint(0, len(graph) - 1)solution.append(current_node)while len(solution) < len(graph):probabilities = []for next_node in range(len(graph)):if next_node not in solution:pheromone = pheromones[current_node][next_node] ** alphadistance = 1 / graph[current_node][next_node] ** betaprobabilities.append((next_node, pheromone * distance))total_prob = sum(prob for _, prob in probabilities)probabilities = [(node, prob / total_prob) for node, prob in probabilities]next_node = random.choices([node for node, _ in probabilities], [prob for _, prob in probabilities])[0]solution.append(next_node)current_node = next_nodereturn solutiondef update_pheromones(pheromones, solutions, evaporation_rate):for i in range(len(pheromones)):for j in range(len(pheromones[i])):pheromones[i][j] *= (1 - evaporation_rate)for solution in solutions:for i in range(len(solution) - 1):pheromones[solution[i]][solution[i+1]] += 1 / calculate_cost(solution)def calculate_cost(solution, graph):cost = 0for i in range(len(solution) - 1):cost += graph[solution[i]][solution[i+1]]return costgraph = [[0, 2, 2, 5, 7],[2, 0, 4, 8, 2],[2, 4, 0, 1, 3],[5, 8, 1, 0, 2],[7, 2, 3, 2, 0]
    ]num_ants = 10
    num_iterations = 100
    alpha = 1
    beta = 2
    evaporation_rate = 0.5
    best_solution, best_cost = ant_colony_optimization(graph, num_ants, num_iterations, alpha, beta, evaporation_rate)
    print(f"最优路径: {best_solution}, 最小代价: {best_cost}")
    
2.5 粒子群优化算法

粒子群优化算法(Particle Swarm Optimization, PSO)通过模拟鸟群觅食行为,通过粒子间的信息交流和协同搜索最优解。

  • 基本概念:粒子、速度更新、位置更新。
  • 应用实例:多目标优化问题。
  • 算法实现
    import randomdef particle_swarm_optimization(func, bounds, num_particles, num_iterations, w, c1, c2):particles = [random_particle(bounds) for _ in range(num_particles)]global_best = max(particles, key=lambda p: func(p['position']))for _ in range(num_iterations):for particle in particles:update_velocity(particle, global_best, w, c1, c2)update_position(particle, bounds)if func(particle['position']) > func(particle['best_position']):particle['best_position'] = particle['position']global_best = max(particles, key=lambda p: func(p['best_position']))return global_best['position']def random_particle(bounds):position = [random.uniform(bound[0], bound[1]) for bound in bounds]velocity = [random.uniform(-abs(bound[1] - bound[0]), abs(bound[1] - bound[0])) for bound in bounds]return {'position': position, 'velocity': velocity, 'best_position': position}def update_velocity(particle, global_best, w, c1, c2):for i in range(len(particle['velocity'])):r1, r2 = random.random(), random.random()particle['velocity'][i] = (w * particle['velocity'][i] +c1 * r1 * (particle['best_position'][i] - particle['position'][i]) +c2 * r2 * (global_best['position'][i] - particle['position'][i]))def update_position(particle, bounds):for i in range(len(particle['position'])):particle['position'][i] += particle['velocity'][i]particle['position'][i] = min(max(particle['position'][i], bounds[i][0]), bounds[i][1])def func(x):return -(x[0]**2 + x[1]**2) + 10bounds = [(-5, 5), (-5, 5)]
    num_particles = 30
    num_iterations = 100
    w = 0.5
    c1 = 1.5
    c2 = 1.5
    best_solution = particle_swarm_optimization(func, bounds, num_particles, num_iterations, w, c1, c2)
    print(f"最优解: {best_solution}, 目标函数值: {func(best_solution)}")
    

3. 启发式算法的改进与优化

3.1 混合启发式算法

混合启发式算法是将多种启发式算法结合,发挥各算法优势,提高求解效果。这种方法可以利用一种算法的全局搜索能力和另一种算法的局部搜索能力,达到更好的求解效果。

  • 应用实例:将模拟退火算法与遗传算法结合,解决复杂优化问题。
    • 算法实现:先使用遗传算法进行种群进化,得到一组优秀的解,再使用模拟退火算法对这些解进行局部优化,从而找到全局最优解。
3.2 参数调优

参数调优是通过实验调整算法参数,以提高算法性能。不同的参数设置会对算法的收敛速度和求解质量产生重大影响。

  • 应用实例:在遗传算法中调优交叉概率和变异概率。
    • 实验步骤
      1. 选择初始参数值。
      2. 运行算法并记录结果。
      3. 调整参数值,重复运行并记录结果。
      4. 比较结果,选择最佳参数组合。
3.3 自适应启发式算法

自适应启发式算法根据问题特性自动调整参数,提高算法适应性和求解效果。通过引入自适应机制,算法可以在运行过程中动态调整参数,使其更好地适应当前问题的特性。

  • 应用实例:自适应模拟退火算法。
    • 算法实现:根据当前解的变化情况动态调整温度控制参数,提高算法的自适应性和求解效果。

4. 启发式算法在实际问题中的应用

4.1 启发式算法在物流优化中的应用

启发式算法在物流优化中的应用广泛,主要包括配送路径优化和库存管理等方面。

  • 应用实例:使用蚁群算法优化物流配送路径。
    • 问题描述:在一个城市内,有多个配送点,要求找到一条最短的配送路径,使总配送时间最短。
    • 算法实现
      import randomdef ant_colony_optimization(graph, num_ants, num_iterations, alpha, beta, evaporation_rate):num_nodes = len(graph)pheromones = [[1 / num_nodes for _ in range(num_nodes)] for _ in range(num_nodes)]best_solution = Nonebest_cost = float('inf')for _ in range(num_iterations):solutions = []for _ in range(num_ants):solution = generate_solution(graph, pheromones, alpha, beta)solutions.append(solution)update_pheromones(pheromones, solutions, evaporation_rate)for solution in solutions:cost = calculate_cost(solution, graph)if cost < best_cost:best_cost = costbest_solution = solutionreturn best_solution, best_costdef generate_solution(graph, pheromones, alpha, beta):solution = []current_node = random.randint(0, len(graph) - 1)solution.append(current_node)while len(solution) < len(graph):probabilities = []for next_node in range(len(graph)):if next_node not in solution:pheromone = pheromones[current_node][next_node] ** alphadistance = 1 / graph[current_node][next_node] ** betaprobabilities.append((next_node, pheromone * distance))total_prob = sum(prob for _, prob in probabilities)probabilities = [(node, prob / total_prob) for node, prob in probabilities]next_node = random.choices([node for node, _ in probabilities], [prob for _, prob in probabilities])[0]solution.append(next_node)current_node = next_nodereturn solutiondef update_pheromones(pheromones, solutions, evaporation_rate):for i in range(len(pheromones)):for j in range(len(pheromones[i])):pheromones[i][j] *= (1 - evaporation_rate)for solution in solutions:for i in range(len(solution) - 1):pheromones[solution[i]][solution[i+1]] += 1 / calculate_cost(solution)def calculate_cost(solution, graph):cost = 0for i in range(len(solution) - 1):cost += graph[solution[i]][solution[i+1]]return costgraph = [[0, 2, 2, 5, 7],[2, 0, 4, 8, 2],[2, 4, 0, 1, 3],[5, 8, 1, 0, 2],[7, 2, 3, 2, 0]
      ]num_ants = 10
      num_iterations = 100
      alpha = 1
      beta = 2
      evaporation_rate = 0.5
      best_solution, best_cost = ant_colony_optimization(graph, num_ants, num_iterations, alpha, beta, evaporation_rate)
      print(f"最优路径: {best_solution}, 最小代价: {best_cost}")
      
4.2 启发式算法在网络设计中的应用

启发式算法在网络设计中的应用包括网络路由优化和网络拓扑设计。

  • 应用实例:使用粒子群优化算法优化网络路由。
    • 问题描述:在一个计算机网络中,有多个路由节点,要求找到一条最优的路由,使数据传输延迟最小。
    • 算法实现
      import randomdef particle_swarm_optimization(func, bounds, num_particles, num_iterations, w, c1, c2):particles = [random_particle(bounds) for _ in range(num_particles)]global_best = max(particles, key=lambda p: func(p['position']))for _ in range(num_iterations):for particle in particles:update_velocity(particle, global_best, w, c1, c2)update_position(particle, bounds)if func(particle['position']) > func(particle['best_position']):particle['best_position'] = particle['position']global_best = max(particles, key=lambda p: func(p['best_position']))return global_best['position']def random_particle(bounds):position = [random.uniform(bound[0], bound[1]) for bound in bounds]velocity = [random.uniform(-abs(bound[1] - bound[0]), abs(bound[1] - bound[0])) for bound in bounds]return {'position': position, 'velocity': velocity, 'best_position': position}def update_velocity(particle, global_best, w, c1, c2):for i in range(len(particle['velocity'])):r1, r2 = random.random(), random.random()particle['velocity'][i] = (w * particle['velocity'][i] +c1 * r1 * (particle['best_position'][i] - particle['position'][i]) +c2 * r2 * (global_best['position'][i] - particle['position'][i]))def update_position(particle, bounds):for i in range(len(particle['position'])):particle['position'][i] += particle['velocity'][i]particle['position'][i] = min(max(particle['position'][i], bounds[i][0]), bounds[i][1])def func(x):return -(x[0]**2 + x[1]**2) + 10bounds = [(-5, 5), (-5, 5)]
      num_particles = 30
      num_iterations = 100
      w = 0.5
      c1 = 1.5
      c2 = 1.5
      best_solution = particle_swarm_optimization(func, bounds, num_particles, num_iterations, w, c1, c2)
      print(f"最优解: {best_solution}, 目标函数值: {func(best_solution)}")
      
4.3 启发式算法在机器学习中的应用

启发式算法在机器学习中的应用包括参数优化和特征选择。

  • 应用实例:使用遗传算法进行机器学习模型的参数调优。
    • 问题描述:对一个机器学习模型进行参数调优,以提高模型的预测精度。
    • 算法实现
      import randomdef genetic_algorithm(func, bounds, pop_size, generations, crossover_rate, mutation_rate):population = [random_individual(bounds) for _ in range(pop_size)]best_individual = max(population, key=lambda ind: func(ind))for _ in range(generations):selected = selection(population, func)offspring = crossover(selected, crossover_rate)population = mutation(offspring, mutation_rate, bounds)current_best = max(population, key=lambda ind: func(ind))if func(current_best) > func(best_individual):best_individual = current_bestreturn best_individualdef random_individual(bounds):return [random.uniform(bound[0], bound[1]) for bound in bounds]def selection(population, func):total_fitness = sum(func(ind) for ind in population)probabilities = [func(ind) / total_fitness for ind in population]selected = random.choices(population, probabilities, k=len(population))return selecteddef crossover(population, rate):offspring = []for i in range(0, len(population), 2):parent1, parent2 = population[i], population[i+1]if random.random() < rate:point = random.randint(1, len(parent1)-1)child1 = parent1[:point] + parent2[point:]child2 = parent2[:point] + parent1[point:]offspring.extend([child1, child2])else:offspring.extend([parent1, parent2])return offspringdef mutation(population, rate, bounds):for individual in population:if random.random() < rate:point = random.randint(0, len(individual)-1)individual[point] = random.uniform(bounds[point][0], bounds[point][1])return populationdef func(x):return -(x[0]**2 + x[1]**2) + 10bounds = [(-5, 5), (-5, 5)]
      pop_size = 50
      generations = 100
      crossover_rate = 0.8
      mutation_rate = 0.05
      best_solution = genetic_algorithm(func, bounds, pop_size, generations, crossover_rate, mutation_rate)
      print(f"最优解: {best_solution}, 目标函数值: {func(best_solution)}")
      

5. 启发式算法的优缺点分析

5.1 启发式算法的优势
  • 求解速度快:相比精确算法,启发式算法通常能在较短时间内找到一个较优解。
  • 适应性强:启发式算法可以应用于各种不同类型的优化问题,具有较强的通用性。
  • 易于实现:启发式算法的实现通常比较简单,易于在实际应用中进行推广。
5.2 启发式算法的局限性
  • 不能保证全局最优解:启发式算法通常只能找到一个近似最优解,不能保证一定找到全局最优解。
  • 对参数依赖较大:启发式算法的性能通常对参数设置比较敏感,参数选择不当可能导致求解效果不佳。
  • 陷入局部最优:有些启发式算法可能会陷入局部最优解,难以跳出局部最优找到更好的解。

6. 总结与展望

6.1 启发式算法的发展方向

随着计算技术的发展,启发式算法在实际应用中展现出越来越强的求解能力和广泛的应用前景。未来的发展方向包括:

  • 混合启发式算法:将多种启发式算法结合,发挥各算法优势,提高求解效果。
  • 智能自适应算法:引入智能自适应机制,根据问题特性动态调整参数,提高算法适应性和求解效果。
  • 并行计算:利用并行计算技术,加速启发式算法的求解过程,提高计算效率。
6.2 新兴启发式算法介绍

新兴启发式算法在优化求解领域展现出新的潜力,如量子启发式算法和深度强化学习算法。

  • 量子启发式算法:利用量子计算的特性,通过量子叠加和量子纠缠实现并行搜索,提高求解效率。
  • 深度强化学习算法:结合深度学习和强化学习的优势,通过学习和探索找到最优解。
6.3 启发式算法在未来技术中的应用前景

启发式算法在未来技术中的应用前景广阔,包括智能制造、智慧城市等领域。

  • 智能制造:在智能制造中,启发式算法可以用于优化生产调度、设备维护等问题,提高生产效率和产品质量。
  • 智慧城市:在智慧城市中,启发式算法可以用于优化交通管理、能源调度等问题,提高城市运行效率和居民生活质量。

结论

本教程详细介绍了启发式算法的基本概念、类型、原理及其在实际问题中的应用。通过多个实例,读者可以深入理解并应用启发式算法解决实际问题。在未来,随着计算技术的发展,启发式算法将在更多领域展现其强大的解决问题的能力。

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

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

相关文章

CMake编译安装、生成可执行程序、生成静态动态库以及静态动态库的链接

1 CMake介绍 CMake是一个开源的、跨平台的构建系统&#xff0c;用于管理软件从源代码到可执行文件的整个构建过程。它最初由Kitware公司为ITK&#xff08;Insight Segmentation and Registration Toolkit&#xff09;和VTK&#xff08;Visualization Toolkit&#xff09;等开源…

在Linux kali下载、安装Perl环境

目录 Perl介绍 下载安装 官网下载 在Windows安装 在Linux和Mac OS安装 Perl介绍 Perl一种功能丰富的计算机程序语言&#xff0c;运行在超过100种计算机平台上&#xff0c;适用广泛&#xff0c;从最初是为文本处理而开发的&#xff0c;现在用于各种任务&#xff0c;包括系统…

C语言编程数学:探索、挑战与深度应用

C语言编程数学&#xff1a;探索、挑战与深度应用 C语言&#xff0c;作为计算机编程的基石之一&#xff0c;不仅广泛应用于系统级编程&#xff0c;还在数学计算领域发挥着重要作用。本文将围绕C语言在数学编程中的四个方面、五个方面、六个方面和七个方面展开探讨&#xff0c;带…

面试官:Spring中都应用了哪些设计模式?

设计模式是我们项目中经常会涉及到的项目进行重构、解构时的一种方法。 比如我们常见的单例模式、工厂模式、策略模式、装饰器模式等都是比较常用的&#xff1b;关于 23 种设计模式&#xff0c;大家可以找本书专门去学习一下&#xff0c;在 Java 框架的源码中也不例外&#xf…

SRE养成计划之01-基本命令(持续更新)

基本命令&#xff08;续&#xff09; 软连接 软连接 --> 原始文档 --> 文档数据格式&#xff1a;ln -s 原始文件或目录 软连接文件若原始文件或目录被删除&#xff0c;链接文件将失效软连接可存放在不同分分区/文件系统 硬链接 硬链接 --> 文档数据格式&#xff1…

如何用python做一个用户登录界面——浔川python社

1 需解决的问题&#xff1a; 1.1如何用python做一个用户登录界面&#xff1f; 1.2需要用到哪些库、模块&#xff1f; 2 问题解决&#xff1a; 2.1 回答 1.1 &#xff1a;合理即可&#xff0c;无标准回答。 2.2 回答 1.2 &#xff1a;tk库&#xff08;缩写&#xff09;、GUL界面…

C++20实战之channel

C20实战之channel 继前面两节的直播&#xff0c;讲解了thread、jthread、stop_token、stop_source、stop_callback、cv、cv_any等的用法与底层实现&#xff0c;那么如何基于这些知识实现一个小项目呢&#xff1f; 于是引出了这篇&#xff0c;写一个channel出来。 注&#xff1a…

【算法】快速幂

算法-快速幂 前置知识 倍增 思路 我们要求 a n a^n an。 简单的方法是 a n a n − 1 ⋅ a a^na^{n-1}\cdot a anan−1⋅a 但是我们不妨使用倍增的思想 若 2 ∣ n 2\mid n 2∣n&#xff0c;则 a n a n 2 2 a^n{a^{\frac n 2}}^2 ana2n​2 若 2 ∤ n 2\nmid n 2∤n&…

【AI】设计师人人必备的Ai课程,AIGC实战教学

课程介绍 专为设计师定制的AI绘画视觉课程&#xff0c;包含排版、插画、海报和动漫等。共43节课程&#xff0c;2.06G视频&#xff0c;教授AI应用技巧&#xff0c;提高设计效率和质量。内容涵盖词生图方法、AI风格设计等&#xff0c;帮助学员在设计领域取得成就。 1_01-ai课程…

Flutter 中的 SliverPersistentHeader 小部件:全面指南

Flutter 中的 SliverPersistentHeader 小部件&#xff1a;全面指南 Flutter 是一个功能强大的 UI 工具集&#xff0c;用于创建美观、高性能的移动和 web 应用。在 Flutter 的滚动组件中&#xff0c;SliverPersistentHeader 是一个特殊的组件&#xff0c;它用于在 CustomScroll…

zustand修改一个object对象的嵌套属性,会触发更新吗

在 Zustand 状态管理库中&#xff0c;当使用 set 方法来更新一个对象的嵌套属性时&#xff0c;并不会触发整个对象的更新操作。相反&#xff0c;Zustand 使用了浅比较来检测状态的变化&#xff0c;只有当状态内部的引用发生变化时&#xff0c;才会触发更新操作。 因此&#xf…

jrt落地deepin

经过昨天一晚上的努力&#xff0c;把deepin和win10的双系统安装好了。同时把jrt开发需要的svn&#xff0c;jdk,idea安装好里&#xff0c;代码也checkout里。 首先安装系统碰到安装deepin后启动时候无法选择win10,在宏伟兄帮助下找到资料执行sudo update-grub解决了。 然后程…

糖果促销【百度之星】/思维

糖果促销 思维 大佬的解法&#xff1a; #include<bits/stdc.h> using namespace std; typedef long long ll; int main() {ll t;cin>>t;for(int i0;i<t;i){ll p,k;cin>>p>>k;if(k0) cout<<0<<endl;else{k-(k-1)/p;cout<<k<…

v-for中key的作用

v-for中key的作用 例如我们用v-for渲染一个列表[1, 2, 4 ,5]&#xff0c;然后在中间插入一个3变成[1,2,3,4,5]。v-for写了key和没有写key&#xff0c;Vue是怎么处理的呢&#xff1f; Vue对有key的会调用patchKeyedChildren方法&#xff1b;没有key的调用patchUnkeyedChildren方…

Vue3 -Computed计算属性

前言&#xff1a; Computed属性属于Vue3中的响应式核心(与之共同说明的还有ref&#xff0c;reactive&#xff0c;watch...) 接受一个 getter 函数&#xff0c;返回一个只读的响应式 ref 对象。该 ref 通过 .value 暴露 getter 函数的返回值。它也可以接受一个带有 get 和 set…

AI搜索,围攻百度

图片&#xff5c;电影《双子杀手》截图 ©自象限原创 作者丨程心 国内的大模型厂商落地C端&#xff0c;都盯上了AI搜索。 随着5月30号&#xff0c;腾讯宣布推出基于混元大模型的APP“腾讯元宝”&#xff0c;并基于搜狗搜索引擎&#xff0c;上线AI搜索功能。几乎当下所有…

【Qt】Qt Style Sheets (QSS) 指南:打造个性化用户界面

文章目录 前言&#xff1a;1. QSS 选择器2. 子控件选择器&#xff08;Sub-Controls&#xff09;2.1. 示例&#xff1a;给 QComboBox 给下拉按钮加上图标2.2. 示例&#xff1a;修改进度条颜色 3. 伪类选择器3.1. 代码示例: 设置按钮的伪类样式.3.2. 代码示例: 使用事件方式实现同…

数模混合芯片设计中的修调技术是什么?

一、修调目的 数模混合芯片需要修调技术主要是因为以下几个原因&#xff1a; 工艺偏差&#xff08;Process Variations&#xff09;&#xff1a; 半导体制造过程中存在不可避免的工艺偏差&#xff0c;如晶体管尺寸、阈值电压、电阻和电容值等&#xff0c;这些参数的实际值与…

阿里云计算之linux入门命令学习笔记(三)

Linux 提供了丰富的命令行工具&#xff0c;用于系统管理、文件操作、网络管理、进程控制等。以下是一些常用的 Linux 命令及其简要说明&#xff1a; 切换用户 su 命令 su (substitute user) 命令用于切换用户。 su - username # 切换到指定用户&#xff0c;并加载…

【学习Day5】操作系统

✍&#x1f3fb;记录学习过程中的输出&#xff0c;坚持每天学习一点点~ ❤️希望能给大家提供帮助~欢迎点赞&#x1f44d;&#x1f3fb;收藏⭐评论✍&#x1f3fb;指点&#x1f64f; 学习编辑文章的时间不太够用&#xff0c;先放思维导图&#xff0c;后续复习完善细节。