社区发现算法——KL算法

2023-11-23 02:31
文章标签 算法 发现 社区 kl

本文主要是介绍社区发现算法——KL算法,希望对大家解决编程问题提供一定的参考价值,需要的开发者们随着小编来一起学习吧!

K-L(Kernighan-Lin)算法

原始论文(An efficient heuristic procedure for partitioning graphs)

K-L(Kernighan-Lin)算法是一种将已知网络划分为已知大小的两个社区的二分方法,它是一种贪婪算法。

它的主要思想是为网络划分定义了一个函数增益Q

Q表示的是社区内部的边数与社区之间的边数之差

根据这个方法找出使增益函数Q的值成为最大值的划分社区的方法。

具体策略是,将社区结构中的结点移动到其他的社区结构中或者交换不同社区结构中的结点。从初始解开始搜索,直到从当前的解出发找不到更优的候选解,然后停止。

首先将整个网络的节点随机的或根据网络的现有信息分为两个部分,在两个社团之间考虑所有可能的节点对,试探交换每对节点并计算交换前后的ΔQ,ΔQ=Q交换后-Q交换前,记录ΔQ最大的交换节点对,并将这两个节点互换,记录此时的Q值。
规定每个节点只能交换一次,重复这个过程直至网络中的所有节点都被交换一次为止。需要注意的是不能在Q值发生下降时就停止,因为Q值不是单调增加的,既使某一步交换会使Q值有所下降,但其后的一步交换可能会出现一个更大的Q值。在所有的节点都交换过之后,对应Q值最大的社团结构即被认为是该网络的理想社团结构。

K-L算法的缺陷是必须先指定了两个子图的大小,不然不会得到正确的结果,实际应用意义不大。

Python代码如下:

import networkx as nx
import matplotlib.pyplot as plt
from networkx.algorithms.community import kernighan_lin_bisectiondef draw_spring(G, com):"""G:图com:划分好的社区node_size表示节点大小node_color表示节点颜色node_shape表示节点形状with_labels=True表示节点是否带标签"""pos = nx.spring_layout(G)  # 节点的布局为spring型NodeId = list(G.nodes())node_size = [G.degree(i) ** 1.2 * 90 for i in NodeId]  # 节点大小plt.figure(figsize=(8, 6))  # 图片大小nx.draw(G, pos, with_labels=True, node_size=node_size, node_color='w', node_shape='.')color_list = ['pink', 'orange', 'r', 'g', 'b', 'y', 'm', 'gray', 'black', 'c', 'brown']# node_shape = ['s','o','H','D']for i in range(len(com)):nx.draw_networkx_nodes(G, pos, nodelist=com[i], node_color=color_list[i])plt.show()if __name__ == "__main__":G = nx.karate_club_graph()  # 空手道俱乐部# KL算法com = list(kernighan_lin_bisection(G))print('社区数量', len(com))print(com)draw_spring(G, com)

这里直接使用了networkx库中的kl算法,数据集Zachary karate club网络是通过对一个美国大学空手道俱乐部进行观测而构建出的一个社会网络.网络包含 34 个节点和 78 条边,其中个体表示俱乐部中的成员,而边表示成员之间存在的友谊关系.空手道俱乐部网络已经成为复杂网络社区结构探测中的一个经典问题。

经过一次kl算法划分为如图两个部分。
在这里插入图片描述

社区划分相关的代码与数据集放在github,可以自行下载。

具体的kl算法如下,是networkx库中的算法,可以参考下:

"""Functions for computing the Kernighan–Lin bipartition algorithm."""import networkx as nx
from itertools import count
from networkx.utils import not_implemented_for, py_random_state, BinaryHeap
from networkx.algorithms.community.community_utils import is_partition__all__ = ["kernighan_lin_bisection"]def _kernighan_lin_sweep(edges, side):"""This is a modified form of Kernighan-Lin, which moves single nodes at atime, alternating between sides to keep the bisection balanced.  We keeptwo min-heaps of swap costs to make optimal-next-move selection fast."""costs0, costs1 = costs = BinaryHeap(), BinaryHeap()for u, side_u, edges_u in zip(count(), side, edges):cost_u = sum(w if side[v] else -w for v, w in edges_u)costs[side_u].insert(u, cost_u if side_u else -cost_u)def _update_costs(costs_x, x):for y, w in edges[x]:costs_y = costs[side[y]]cost_y = costs_y.get(y)if cost_y is not None:cost_y += 2 * (-w if costs_x is costs_y else w)costs_y.insert(y, cost_y, True)i = totcost = 0while costs0 and costs1:u, cost_u = costs0.pop()_update_costs(costs0, u)v, cost_v = costs1.pop()_update_costs(costs1, v)totcost += cost_u + cost_vyield totcost, i, (u, v)@py_random_state(4)
@not_implemented_for("directed")
def kernighan_lin_bisection(G, partition=None, max_iter=10, weight="weight", seed=None):"""Partition a graph into two blocks using the Kernighan–Linalgorithm.This algorithm partitions a network into two sets by iterativelyswapping pairs of nodes to reduce the edge cut between the two sets.  Thepairs are chosen according to a modified form of Kernighan-Lin, whichmoves node individually, alternating between sides to keep the bisectionbalanced.Parameters----------G : graphpartition : tuplePair of iterables containing an initial partition. If notspecified, a random balanced partition is used.max_iter : intMaximum number of times to attempt swaps to find animprovemement before giving up.weight : keyEdge data key to use as weight. If None, the weights are allset to one.seed : integer, random_state, or None (default)Indicator of random number generation state.See :ref:`Randomness<randomness>`.Only used if partition is NoneReturns-------partition : tupleA pair of sets of nodes representing the bipartition.Raises-------NetworkXErrorIf partition is not a valid partition of the nodes of the graph.References----------.. [1] Kernighan, B. W.; Lin, Shen (1970)."An efficient heuristic procedure for partitioning graphs."*Bell Systems Technical Journal* 49: 291--307.Oxford University Press 2011."""n = len(G)labels = list(G)seed.shuffle(labels)index = {v: i for i, v in enumerate(labels)}if partition is None:side = [0] * (n // 2) + [1] * ((n + 1) // 2)else:try:A, B = partitionexcept (TypeError, ValueError) as e:raise nx.NetworkXError("partition must be two sets") from eif not is_partition(G, (A, B)):raise nx.NetworkXError("partition invalid")side = [0] * nfor a in A:side[a] = 1if G.is_multigraph():edges = [[(index[u], sum(e.get(weight, 1) for e in d.values()))for u, d in G[v].items()]for v in labels]else:edges = [[(index[u], e.get(weight, 1)) for u, e in G[v].items()] for v in labels]for i in range(max_iter):costs = list(_kernighan_lin_sweep(edges, side))min_cost, min_i, _ = min(costs)if min_cost >= 0:breakfor _, _, (u, v) in costs[: min_i + 1]:side[u] = 1side[v] = 0A = {u for u, s in zip(labels, side) if s == 0}B = {u for u, s in zip(labels, side) if s == 1}return A, B

这篇关于社区发现算法——KL算法的文章就介绍到这儿,希望我们推荐的文章对编程师们有所帮助!



http://www.chinasem.cn/article/414709

相关文章

不懂推荐算法也能设计推荐系统

本文以商业化应用推荐为例,告诉我们不懂推荐算法的产品,也能从产品侧出发, 设计出一款不错的推荐系统。 相信很多新手产品,看到算法二字,多是懵圈的。 什么排序算法、最短路径等都是相对传统的算法(注:传统是指科班出身的产品都会接触过)。但对于推荐算法,多数产品对着网上搜到的资源,都会无从下手。特别当某些推荐算法 和 “AI”扯上关系后,更是加大了理解的难度。 但,不了解推荐算法,就无法做推荐系

康拓展开(hash算法中会用到)

康拓展开是一个全排列到一个自然数的双射(也就是某个全排列与某个自然数一一对应) 公式: X=a[n]*(n-1)!+a[n-1]*(n-2)!+...+a[i]*(i-1)!+...+a[1]*0! 其中,a[i]为整数,并且0<=a[i]<i,1<=i<=n。(a[i]在不同应用中的含义不同); 典型应用: 计算当前排列在所有由小到大全排列中的顺序,也就是说求当前排列是第

csu 1446 Problem J Modified LCS (扩展欧几里得算法的简单应用)

这是一道扩展欧几里得算法的简单应用题,这题是在湖南多校训练赛中队友ac的一道题,在比赛之后请教了队友,然后自己把它a掉 这也是自己独自做扩展欧几里得算法的题目 题意:把题意转变下就变成了:求d1*x - d2*y = f2 - f1的解,很明显用exgcd来解 下面介绍一下exgcd的一些知识点:求ax + by = c的解 一、首先求ax + by = gcd(a,b)的解 这个

综合安防管理平台LntonAIServer视频监控汇聚抖动检测算法优势

LntonAIServer视频质量诊断功能中的抖动检测是一个专门针对视频稳定性进行分析的功能。抖动通常是指视频帧之间的不必要运动,这种运动可能是由于摄像机的移动、传输中的错误或编解码问题导致的。抖动检测对于确保视频内容的平滑性和观看体验至关重要。 优势 1. 提高图像质量 - 清晰度提升:减少抖动,提高图像的清晰度和细节表现力,使得监控画面更加真实可信。 - 细节增强:在低光条件下,抖

【数据结构】——原来排序算法搞懂这些就行,轻松拿捏

前言:快速排序的实现最重要的是找基准值,下面让我们来了解如何实现找基准值 基准值的注释:在快排的过程中,每一次我们要取一个元素作为枢纽值,以这个数字来将序列划分为两部分。 在此我们采用三数取中法,也就是取左端、中间、右端三个数,然后进行排序,将中间数作为枢纽值。 快速排序实现主框架: //快速排序 void QuickSort(int* arr, int left, int rig

poj 3974 and hdu 3068 最长回文串的O(n)解法(Manacher算法)

求一段字符串中的最长回文串。 因为数据量比较大,用原来的O(n^2)会爆。 小白上的O(n^2)解法代码:TLE啦~ #include<stdio.h>#include<string.h>const int Maxn = 1000000;char s[Maxn];int main(){char e[] = {"END"};while(scanf("%s", s) != EO

秋招最新大模型算法面试,熬夜都要肝完它

💥大家在面试大模型LLM这个板块的时候,不知道面试完会不会复盘、总结,做笔记的习惯,这份大模型算法岗面试八股笔记也帮助不少人拿到过offer ✨对于面试大模型算法工程师会有一定的帮助,都附有完整答案,熬夜也要看完,祝大家一臂之力 这份《大模型算法工程师面试题》已经上传CSDN,还有完整版的大模型 AI 学习资料,朋友们如果需要可以微信扫描下方CSDN官方认证二维码免费领取【保证100%免费

dp算法练习题【8】

不同二叉搜索树 96. 不同的二叉搜索树 给你一个整数 n ,求恰由 n 个节点组成且节点值从 1 到 n 互不相同的 二叉搜索树 有多少种?返回满足题意的二叉搜索树的种数。 示例 1: 输入:n = 3输出:5 示例 2: 输入:n = 1输出:1 class Solution {public int numTrees(int n) {int[] dp = new int

Codeforces Round #240 (Div. 2) E分治算法探究1

Codeforces Round #240 (Div. 2) E  http://codeforces.com/contest/415/problem/E 2^n个数,每次操作将其分成2^q份,对于每一份内部的数进行翻转(逆序),每次操作完后输出操作后新序列的逆序对数。 图一:  划分子问题。 图二: 分而治之,=>  合并 。 图三: 回溯:

最大公因数:欧几里得算法

简述         求两个数字 m和n 的最大公因数,假设r是m%n的余数,只要n不等于0,就一直执行 m=n,n=r 举例 以18和12为例 m n r18 % 12 = 612 % 6 = 06 0所以最大公因数为:6 代码实现 #include<iostream>using namespace std;/