遗传算法实践(六) 最小费用流问题

最小费用流问题描述

在网络模型中,除了考虑网络上各边的容量以外,通常还需要考虑各边上流动的费用。最小费用流问题就是在给定网络模型中各节点的需求量和供应量的情况下,如何分配流量和路径,使得费用达到最小的问题。

在由m个节点的点集合Vn个边的边集合A组成的图G=(V,A)中,当边(i,j)上的最大容量u_{ij}和费用c_{ij}给定时,最小费用流问题的数学模型可以描述为:
min\ z=\sum_{i=1}^{m}\sum_{j=1}^{m}c_{ij}x_{ij} \\s.t.\ \sum_{j\in Suc(i)}x_{ij}-\sum_{k\in Pre(i)}x_{ki}=\left\{ \begin{array} qq,\ i=1\\ 0,\ i=2,3,...,m-1\\ -q,\ i=m \end{array} \right. \\0 \le x_{ij} \le u_{ij}, \ i,j=1,2,...,m
其中x_{ij}代表从节点i到节点j的流量,Suc(i)Pre(i)分别为节点i的后续节点集和前续节点集,\sum_{k\in Pre(i)}x_{ki}表示从其他节点进入到节点i的总流量,而\sum_{k\in Suc(i)}x_{ij}表示从节点i流出的流量。

求解最小费用流问题的代表性算法有Successive shortest path algorithm,Primal-dual法和Out of Kilter法等。

最小费用流问题示例

一个最小费用流问题的示例问题如图所示:

MinimumCostFlow_description

遗传算法求解最小费用流问题

个体编码

此处依然采用优先级编码,对各个节点给予优先级;在生成路径时根据优先级挑选路径下一步的节点。

解码

同最大流量问题的解码

其他遗传算法操作

  • 评价函数:解码过程中得到的各边流量和代价的乘积之和
  • 育种选择:binary锦标赛选择
  • 变异算法:交叉-有序交叉(OX),突变-乱序突变(Shuffle Index)
  • 环境选择:子代完全替换父代(无精英保留)

代码示例

完整代码如下:

## 环境设定
import numpy as np
import matplotlib.pyplot as plt
from deap import base, tools, creator, algorithms
import random

params = {
    'font.family': 'serif',
    'figure.dpi': 300,
    'savefig.dpi': 300,
    'font.size': 12,
    'legend.fontsize': 'small'
}
plt.rcParams.update(params)

import copy
# --------------------
# 问题定义
creator.create('FitnessMax', base.Fitness, weights=(-1.0,))  # 最小化问题
creator.create('Individual', list, fitness=creator.FitnessMax)

# 个体编码
toolbox = base.Toolbox()
geneLength = 25
toolbox.register('perm', np.random.permutation, geneLength)
toolbox.register('individual', tools.initIterate,
                 creator.Individual, toolbox.perm)

# 评价函数
# 类似链表,存储每个节点的可行路径,用于解码
nodeDict = {'1': [2,3,4,5,6], '2': [7,8], '3': [7,8,9], '4': [8,9,10], '5': [9,10,11], 
            '6': [10,11], '7': [13], '8': [12,14], '9': [13,15], '10': [14,16],
            '11':[15], '12':[17], '13':[17,18], '14':[18,19], '15':[19,20],
            '16':[20,21], '17':[18,22], '18':[19,22,23], '19':[20,23,24],
            '20':[23,24], '21':[24], '22':[25], '23':[25], '24':[25]
           }

def genPath(ind, nodeDict=nodeDict):
    '''输入一个优先度序列之后,返回一条从节点1到节点25的可行路径 '''
    path = [1]
    endNode = len(ind)
    while not path[-1] == endNode:
        curNode = path[-1]  # 当前所在节点
        if nodeDict[str(curNode)]:  # 当前节点指向的下一个节点不为空时,到达下一个节点
            toBeSelected = nodeDict[str(curNode)]  # 获取可以到达的下一个节点列表
        else:
            return path
        priority = np.asarray(ind)[np.asarray(
            toBeSelected)-1]  # 获取优先级,注意列表的index是0-9
        nextNode = toBeSelected[np.argmax(priority)]
        path.append(nextNode)
    return path


# 存储每条边的剩余容量,用于计算路径流量和更新节点链表
capacityDict = {'1,2': 20, '1,3': 20, '1,4': 20, '1,5': 20, '1,6': 20,
                '2,7': 10, '2,8': 8,
               '3,7': 6, '3,8': 5, '3,9': 4, 
                '4,8': 5, '4,9': 8, '4,10': 10,
                '5,9': 10, '5,10': 4, '5,11': 10,
                '6,10': 10, '6,11': 10,
                '7,13': 15,
                '8,12': 15, '8,14': 15,
                '9,13': 15, '9,15': 15,
                '10,14': 15, '10,16': 15,
                '11,15': 15,
                '12,17': 20,
                '13,17': 20, '13,18': 20,
                '14,18': 20, '14,19': 20,
                '15,19': 20, '15,20': 20,
                '16,20': 20, '16,21': 20,
                '17,18': 8, '17,22': 25,
                '18,19': 8, '18,22': 25, '18,23': 20,
                '19,20': 8, '19,23': 10, '19,24': 25,
                '20,23': 10, '20,24': 25,
                '21,24': 25,
                '22,25': 30, '23,25': 30, '24,25':30}

# 存储每条边的代价
costDict = {'1,2': 10, '1,3': 13, '1,4': 32, '1,5': 135, '1,6': 631,
                '2,7': 10, '2,8': 13,
               '3,7': 10, '3,8': 15, '3,9': 33, 
                '4,8': 4, '4,9': 15, '4,10': 35,
                '5,9': 3, '5,10': 13, '5,11': 33,
                '6,10': 7, '6,11': 7,
                '7,13': 10,
                '8,12': 4, '8,14': 9,
                '9,13': 11, '9,15': 12,
                '10,14': 9, '10,16': 14,
                '11,15': 5,
                '12,17': 8,
                '13,17': 6, '13,18': 7,
                '14,18': 7, '14,19': 7,
                '15,19': 5, '15,20': 14,
                '16,20': 4, '16,21': 14,
                '17,18': 11, '17,22': 11,
                '18,19': 5, '18,22': 8, '18,23': 34,
                '19,20': 3, '19,23': 10, '19,24': 35,
                '20,23': 3, '20,24': 14,
                '21,24': 12,
                '22,25': 10, '23,25': 2, '24,25':3}

def traceCapacity(path, capacityDict):
    ''' 获取给定path的最大流量,更新各边容量 '''
    pathEdge = list(zip(path[::1], path[1::1]))
    keys = []
    edgeCapacity = []
    for edge in pathEdge:
        key = str(edge[0]) + ',' + str(edge[1])
        keys.append(key)  # 保存edge对应的key
        edgeCapacity.append(capacityDict[key])  # 该边对应的剩余容量
    pathFlow = min(edgeCapacity)  # 路径上的最大流量
    # 更新各边的剩余容量
    for key in keys:
        capacityDict[key] -= pathFlow  # 注意这里是原位修改
    return pathFlow

def updateNodeDict(capacityDict, nodeDict):
    ''' 对剩余流量为0的节点,删除节点指向;对于链表指向为空的节点,由于没有下一步可以移动的方向,
    从其他所有节点的指向中删除该节点
    '''
    for edge, capacity in capacityDict.items():
        if capacity == 0:
            key, toBeDel = str(edge).split(',')  # 用来索引节点字典的key,和需要删除的节点toBeDel
            if int(toBeDel) in nodeDict[key]:
                nodeDict[key].remove(int(toBeDel))
    delList = []
    for node, nextNode in nodeDict.items():
        if not nextNode:  # 如果链表指向为空的节点,从其他所有节点的指向中删除该节点
            delList.append(node)
    for delNode in delList:
        for node, nextNode in nodeDict.items():
            if delNode in nextNode:
                nodeDict[node].remove(delNode)

def calCost(path, pathFlow, costDict):
    '''计算给定路径的成本'''
    pathEdge = list(zip(path[::1], path[1::1]))
    keys = []
    edgeCost = []
    for edge in pathEdge:
        key = str(edge[0]) + ',' + str(edge[1])
        keys.append(key)  # 保存edge对应的key
        edgeCost.append(costDict[key])  # 该边对应的cost 
    pathCost = sum([eachEdgeCost*pathFlow for eachEdgeCost in edgeCost])
    return pathCost

def evaluate(ind, outputPaths=False):
    '''评价函数'''
    # 初始化所需变量
    nodeDictCopy = copy.deepcopy(nodeDict)  # 浅复制
    capacityDictCopy = copy.deepcopy(capacityDict)
    paths = []
    pathFlows = []
    overallCost = 0
    givenFlow = 70 # 需要运送的流量
    eps = 1e-5
    # 开始循环
    while nodeDictCopy['1'] and (abs(givenFlow) > eps):
        path = genPath(ind, nodeDictCopy)  # 生成路径
        # 当路径无法抵达终点,说明经过这个节点已经无法往下走,从所有其他节点的指向中删除该节点
        if path[-1] != geneLength:
             for node, nextNode in nodeDictCopy.items():
                 if path[-1] in nextNode:
                     nodeDictCopy[node].remove(path[-1])
             continue
        paths.append(path) # 保存路径
        pathFlow = traceCapacity(path, capacityDictCopy) # 计算路径最大流量
        if givenFlow < pathFlow: # 当剩余流量不能填满该路径的最大流量时,将所有剩余流量分配给该路径
            pathFlow = givenFlow            
        pathFlows.append(pathFlow) # 保存路径的流量
        givenFlow -= pathFlow # 更新需要运送的剩余流量
        updateNodeDict(capacityDictCopy, nodeDictCopy) # 更新节点链表
        # 计算路径上的cost
        pathCost = calCost(path, pathFlow, costDict)
        overallCost += pathCost        
    if outputPaths:
        return overallCost, paths, pathFlows
    return overallCost,
toolbox.register('evaluate', evaluate)

# 迭代数据
stats = tools.Statistics(key=lambda ind:ind.fitness.values)
stats.register('min', np.min)
stats.register('avg', np.mean)
stats.register('std', np.std)

# 生成初始族群
toolbox.popSize = 100
toolbox.register('population', tools.initRepeat, list, toolbox.individual)
pop = toolbox.population(toolbox.popSize)

# 注册工具
toolbox.register('select', tools.selTournament, tournsize=2)
toolbox.register('mate', tools.cxOrdered)
toolbox.register('mutate', tools.mutShuffleIndexes, indpb=0.5)

# --------------------
# 遗传算法参数
toolbox.ngen = 200
toolbox.cxpb = 0.8
toolbox.mutpb = 0.05

# 遗传算法主程序部分
hallOfFame = tools.HallOfFame(maxsize=1)
pop,logbook = algorithms.eaSimple(pop, toolbox, cxpb=toolbox.cxpb, mutpb=toolbox.mutpb,
                   ngen = toolbox.ngen, stats=stats, halloffame=hallOfFame, verbose=True)

结果如下:

# 输出结果
from pprint import pprint
bestInd = hallOfFame.items[0]
overallCost, paths, pathFlows = eval(bestInd, outputPaths=True)
print('最优解路径为: ')
pprint(paths)
print('各路径上的流量为:'+str(pathFlows))
print('最小费用为: '+str(overallCost))

# 可视化迭代过程
minFit = logbook.select('min')
avgFit = logbook.select('avg')
plt.plot(minFit, 'b-', label='Minimum Fitness')
plt.plot(avgFit, 'r-', label='Average Fitness')
plt.xlabel('# Gen')
plt.ylabel('Fitness')
plt.legend(loc='best')

## 结果:
#最优解路径为: 
#[[1, 2, 7, 13, 17, 22, 25],
# [1, 2, 8, 14, 19, 20, 23, 25],
# [1, 3, 7, 13, 17, 22, 25],
# [1, 3, 9, 13, 17, 22, 25],
# [1, 3, 8, 14, 19, 23, 25],
# [1, 4, 9, 13, 17, 22, 25],
# [1, 4, 9, 13, 18, 22, 25],
# [1, 4, 8, 14, 19, 23, 25],
# [1, 4, 8, 12, 17, 22, 25],
# [1, 4, 10, 16, 20, 23, 25],
# [1, 4, 10, 16, 20, 24, 25],
# [1, 5, 9, 13, 18, 19, 23, 25],
# [1, 5, 9, 15, 20, 24, 25],
# [1, 5, 11, 15, 20, 24, 25]]
#各路径上的流量为:[10, 8, 5, 4, 5, 1, 7, 2, 3, 2, 5, 3, 7, 8]
#最小费用为: 6971

迭代过程的可视化如下:
MinimumCostProblem_iterations

得到的最优解可视化如下:

MinimumCostFlow_rsl
©著作权归作者所有,转载或内容合作请联系作者
  • 序言:七十年代末,一起剥皮案震惊了整个滨河市,随后出现的几起案子,更是在滨河造成了极大的恐慌,老刑警刘岩,带你破解...
    沈念sama阅读 213,711评论 6 493
  • 序言:滨河连续发生了三起死亡事件,死亡现场离奇诡异,居然都是意外死亡,警方通过查阅死者的电脑和手机,发现死者居然都...
    沈念sama阅读 91,079评论 3 387
  • 文/潘晓璐 我一进店门,熙熙楼的掌柜王于贵愁眉苦脸地迎上来,“玉大人,你说我怎么就摊上这事。” “怎么了?”我有些...
    开封第一讲书人阅读 159,194评论 0 349
  • 文/不坏的土叔 我叫张陵,是天一观的道长。 经常有香客问我,道长,这世上最难降的妖魔是什么? 我笑而不...
    开封第一讲书人阅读 57,089评论 1 286
  • 正文 为了忘掉前任,我火速办了婚礼,结果婚礼上,老公的妹妹穿的比我还像新娘。我一直安慰自己,他们只是感情好,可当我...
    茶点故事阅读 66,197评论 6 385
  • 文/花漫 我一把揭开白布。 她就那样静静地躺着,像睡着了一般。 火红的嫁衣衬着肌肤如雪。 梳的纹丝不乱的头发上,一...
    开封第一讲书人阅读 50,306评论 1 292
  • 那天,我揣着相机与录音,去河边找鬼。 笑死,一个胖子当着我的面吹牛,可吹牛的内容都是我干的。 我是一名探鬼主播,决...
    沈念sama阅读 39,338评论 3 412
  • 文/苍兰香墨 我猛地睁开眼,长吁一口气:“原来是场噩梦啊……” “哼!你这毒妇竟也来了?” 一声冷哼从身侧响起,我...
    开封第一讲书人阅读 38,119评论 0 269
  • 序言:老挝万荣一对情侣失踪,失踪者是张志新(化名)和其女友刘颖,没想到半个月后,有当地人在树林里发现了一具尸体,经...
    沈念sama阅读 44,541评论 1 306
  • 正文 独居荒郊野岭守林人离奇死亡,尸身上长有42处带血的脓包…… 初始之章·张勋 以下内容为张勋视角 年9月15日...
    茶点故事阅读 36,846评论 2 328
  • 正文 我和宋清朗相恋三年,在试婚纱的时候发现自己被绿了。 大学时的朋友给我发了我未婚夫和他白月光在一起吃饭的照片。...
    茶点故事阅读 39,014评论 1 341
  • 序言:一个原本活蹦乱跳的男人离奇死亡,死状恐怖,灵堂内的尸体忽然破棺而出,到底是诈尸还是另有隐情,我是刑警宁泽,带...
    沈念sama阅读 34,694评论 4 337
  • 正文 年R本政府宣布,位于F岛的核电站,受9级特大地震影响,放射性物质发生泄漏。R本人自食恶果不足惜,却给世界环境...
    茶点故事阅读 40,322评论 3 318
  • 文/蒙蒙 一、第九天 我趴在偏房一处隐蔽的房顶上张望。 院中可真热闹,春花似锦、人声如沸。这庄子的主人今日做“春日...
    开封第一讲书人阅读 31,026评论 0 21
  • 文/苍兰香墨 我抬头看了看天上的太阳。三九已至,却和暖如春,着一层夹袄步出监牢的瞬间,已是汗流浃背。 一阵脚步声响...
    开封第一讲书人阅读 32,257评论 1 267
  • 我被黑心中介骗来泰国打工, 没想到刚下飞机就差点儿被人妖公主榨干…… 1. 我叫王不留,地道东北人。 一个月前我还...
    沈念sama阅读 46,863评论 2 365
  • 正文 我出身青楼,却偏偏与公主长得像,于是被迫代替她去往敌国和亲。 传闻我的和亲对象是个残疾皇子,可洞房花烛夜当晚...
    茶点故事阅读 43,895评论 2 351

推荐阅读更多精彩内容