标签传播算法(Label Propagation)及Python实现
发布日期:2022-03-15 04:11:16 浏览次数:45 分类:技术文章

本文共 25737 字,大约阅读时间需要 85 分钟。

   众所周知,机器学习可以大体分为三大类:监督学习、非监督学习和半监督学习。监督学习可以认为是我们有非常多的labeled标注数据来train一个模型,期待这个模型能学习到数据的分布,以期对未来没有见到的样本做预测。那这个性能的源头--训练数据,就显得非常感觉。你必须有足够的训练数据,以覆盖真正现实数据中的样本分布才可以,这样学习到的模型才有意义。那非监督学习就是没有任何的labeled数据,就是平时所说的聚类了,利用他们本身的数据分布,给他们划分类别。而半监督学习,顾名思义就是处于两者之间的,只有少量的labeled数据,我们试图从这少量的labeled数据和大量的unlabeled数据中学习到有用的信息。

一、半监督学习

       半监督学习(Semi-supervised learning)发挥作用的场合是:你的数据有一些有label,一些没有。而且一般是绝大部分都没有,只有少许几个有label。半监督学习算法会充分的利用unlabeled数据来捕捉我们整个数据的潜在分布。它基于三大假设:

       1)Smoothness平滑假设:相似的数据具有相同的label。

       2)Cluster聚类假设:处于同一个聚类下的数据具有相同label。

       3)Manifold流形假设:处于同一流形结构下的数据具有相同label。

       例如下图,只有两个labeled数据,如果直接用他们来训练一个分类器,例如LR或者SVM,那么学出来的分类面就是左图那样的。如果现实中,这个数据是右图那边分布的话,猪都看得出来,左图训练的这个分类器烂的一塌糊涂、惨不忍睹。因为我们的labeled训练数据太少了,都没办法覆盖我们未来可能遇到的情况。但是,如果右图那样,把大量的unlabeled数据(黑色的)都考虑进来,有个全局观念,牛逼的算法会发现,哎哟,原来是两个圈圈(分别处于两个圆形的流形之上)!那算法就很聪明,把大圈的数据都归类为红色类别,把内圈的数据都归类为蓝色类别。因为,实践中,labeled数据是昂贵,很难获得的,但unlabeled数据就不是了,写个脚本在网上爬就可以了,因此如果能充分利用大量的unlabeled数据来辅助提升我们的模型学习,这个价值就非常大。

 半监督学习算法

     半监督学习算法有很多,下面我们介绍最简单的标签传播算法(label propagation),最喜欢简单了,哈哈。

二、标签传播算法

       标签传播算法(label propagation)的核心思想非常简单:相似的数据应该具有相同的label。LP算法包括两大步骤:1)构造相似矩阵;2)勇敢的传播吧。

1、社区及社区发现: 

网络图内部连接比较紧密的节点子集合对应的子图叫做社区(community),各社区节点集合彼此没有交集的称为非重叠型(disjoint)社区,有交集的称为重叠型(overlapping)社区。对给定的网络图寻找其社区结构的过程称为“社区发现”。大体上看,社区发现的过程就是一种聚类的过程。

2、基本思想 

标签传播算法是不重叠社区发现的经典算法,其基本思想是:将一个节点的邻居节点的标签中数量最多的标签作为该节点自身的标签。给每个节点添加标签(label)以代表它所属的社区,并通过标签的“传播”形成同一标签的“社区”结构。

给每个节点添加标签(label)以代表它所属的社区,并通过标签的“传播”形成同一标签的“社区”结构。一个节点的标签取决于它邻居节点的标签:假设节点z的邻居节点有z1至zk,那么哪个社区包含z的邻居节点最多z就属于那个社区(或者说z的邻居中包含哪个社区的标签最多,z就属于哪个社区)。优点是收敛周期短,无需任何先验参数(不需事先指定社区个数和大小),算法执行过程中不需要计算任何社区指标。

时间复杂度接近线性:对顶点分配标签的复杂度为O(n),每次迭代时间为O( m),找出所有社区的复杂度为O (n +m),但迭代次数难以估计

3、传播过程: 

1)初始时,给每个节点一个唯一的标签; 
2)每个节点使用其邻居节点的标签中最多的标签来更新自身的标签。 
3)反复执行步骤2),直到每个节点的标签都不再发生变化为止。 
一次迭代过程中一个节点标签的更新可以分为同步和异步两种。所谓同步更新,即节点z在第t次迭代的label依据于它的邻居节点在第t-1次迭代时所得的label;异步更新,即节点z在第t次迭代的label依据于第t次迭代已经更新过label的节点和第t次迭代未更新过label的节点在第t-1次迭代时的label。

注: 

1、迭代次数设定一个阈值,可以防止过度运算; 
2、对于二分图等网络结构,同步更新会引起震荡; 
//3、类似(“强”社区>)定义的结构(该社区>=); 
4、每个顶点在初始的时候赋予唯一的标签,即“重要性”相同,而迭代过程又采用随机序列,会导致同一初始状态不同结果甚至巨型社区的出现; 
5、如果能预测“社区中心”点,能有效提高社区发现的准确度,大幅提高效率; 
6、同一节点的邻居节点的标签可能存在多种社区最大数目相同的情况,取“随机”一个作为其标签

4、算法改进思路:初始化或传播改进 

1)给节点或边添加权重(势函数、模块密度优化、LeaderRank值、局部拓扑信息的相似度、标签从属系数等),信息熵等描述节点的传播优先度,进而初步确定社区中心点以提高社区划分的精度; 
2)标签初始化改进,如提取一些较为紧密的子结构来作为标签传播的初始标签(非重叠最小极大团提取算法 orz。。。)或通过初始社区划分算法先确定社区的雏形再进行传播。 
3)标签随机选择改进,将1)中的权值和节点邻接点的度数等作为参考因素,对标签更新过程进行修正。

1)在社区中寻找不重叠三角形作为起始簇的雏形,以提高算法结果的稳定性和运行效率; 

2)添加标签熵属性,在迭代过程中不采用随机序列,而是根据每个节点的标签熵来排序序列; 
3)在2)的基础上,为了不完全消除标签传播算法的随机性,将排序好的队列平均分成三个部分,在每个部分内,节点进行随机排列。 
4)对于同一节点的邻居节点的标签可能存在多种社区最大数目相同的情况,不使用随机方法,而是分析该节点的邻节点的邻节点集标签分布情况来决定该节点的标签 
5)在社区中寻找以度最大的若干节点为中心的“雪花型”结构作为起始簇的雏形 
在实现的过程中,将上述方案进行组合衍生出更多的可行方案,初步试验结果表明算法的随机性与稳定性很难同时保证,设定起始簇的结构收敛速度快但有可能生成巨型社区;在节点较少的情况下,标签熵的方法准确率和稳定性最好;至于组合方案初步的试验验证发现效果反而下降了。

5、评价标准:社区发现的主要评价指标有Jaccard指数,fsame指数、NMI(规范化交互信息)以及Modularity(模块度)等,常用的训练集是一些真实基准网络,如:karate(空手道俱乐部,34个节点,78条边的无向图)、Football(美国大学橄榄球联盟、115个节点无向图)等 

Modularity(模块度):网络中连接社区内部边所占的比例与另一网络中的内部边的期望值之间的差值 

2.1、相似矩阵构建

       LP算法是基于Graph的,因此我们需要先构建一个图。我们为所有的数据构建一个图,图的节点就是一个数据点,包含labeled和unlabeled的数据。节点i和节点j的边表示他们的相似度。这个图的构建方法有很多,这里我们假设这个图是全连接的,节点i和节点j的边权重为:

       这里,α是超参。

       还有个非常常用的图构建方法是knn图,也就是只保留每个节点的k近邻权重,其他的为0,也就是不存在边,因此是稀疏的相似矩阵。

2.2、LP算法

       标签传播算法非常简单:通过节点之间的边传播label。边的权重越大,表示两个节点越相似,那么label越容易传播过去。我们定义一个NxN的概率转移矩阵P:

       Pij表示从节点i转移到节点j的概率。假设有C个类和L个labeled样本,我们定义一个LxC的label矩阵YL,第i行表示第i个样本的标签指示向量,即如果第i个样本的类别是j,那么该行的第j个元素为1,其他为0。同样,我们也给U个unlabeled样本一个UxC的label矩阵YU。把他们合并,我们得到一个NxC的soft label矩阵F=[YL;YU]。soft label的意思是,我们保留样本i属于每个类别的概率,而不是互斥性的,这个样本以概率1只属于一个类。当然了,最后确定这个样本i的类别的时候,是取max也就是概率最大的那个类作为它的类别的。那F里面有个YU,它一开始是不知道的,那最开始的值是多少?无所谓,随便设置一个值就可以了。

       千呼万唤始出来,简单的LP算法如下:

       1)执行传播:F=PF

       2)重置F中labeled样本的标签:FL=YL

       3)重复步骤1)和2)直到F收敛。

       步骤1)就是将矩阵P和矩阵F相乘,这一步,每个节点都将自己的label以P确定的概率传播给其他节点。如果两个节点越相似(在欧式空间中距离越近),那么对方的label就越容易被自己的label赋予,就是更容易拉帮结派。步骤2)非常关键,因为labeled数据的label是事先确定的,它不能被带跑,所以每次传播完,它都得回归它本来的label。随着labeled数据不断的将自己的label传播出去,最后的类边界会穿越高密度区域,而停留在低密度的间隔中。相当于每个不同类别的labeled样本划分了势力范围。

2.3、变身的LP算法

       我们知道,我们每次迭代都是计算一个soft label矩阵F=[YL;YU],但是YL是已知的,计算它没有什么用,在步骤2)的时候,还得把它弄回来。我们关心的只是YU,那我们能不能只计算YU呢?Yes。我们将矩阵P做以下划分:

       这时候,我们的算法就一个运算:

       迭代上面这个步骤直到收敛就ok了,是不是很cool。可以看到FU不但取决于labeled数据的标签及其转移概率,还取决了unlabeled数据的当前label和转移概率。因此LP算法能额外运用unlabeled数据的分布特点。

       这个算法的收敛性也非常容易证明,具体见参考文献[1]。实际上,它是可以收敛到一个凸解的:

       所以我们也可以直接这样求解,以获得最终的YU。但是在实际的应用过程中,由于矩阵求逆需要O(n3)的复杂度,所以如果unlabeled数据非常多,那么I – PUU矩阵的求逆将会非常耗时,因此这时候一般选择迭代算法来实现。

三、LP算法的Python实现

       Python环境的搭建就不啰嗦了,可以参考前面的博客。需要额外依赖的库是经典的numpy和matplotlib。代码中包含了两种图的构建方法:RBF和KNN指定。同时,自己生成了两个toy数据库:两条长形形状和两个圈圈的数据。第四部分我们用大点的数据库来做实验,先简单的可视化验证代码的正确性,再前线。

       算法代码:

 

[python] 
 
 
  1. #***************************************************************************  
  2. #*   
  3. #* Description: label propagation  
  4. #* Author: Zou Xiaoyi (zouxy09@qq.com)  
  5. #* Date:   2015-10-15  
  6. #* HomePage: http://blog.csdn.net/zouxy09  
  7. #*   
  8. #**************************************************************************  
  9.   
  10. import time  
  11. import numpy as np  
  12.   
  13. # return k neighbors index  
  14. def navie_knn(dataSet, query, k):  
  15.     numSamples = dataSet.shape[0]  
  16.   
  17.     ## step 1: calculate Euclidean distance  
  18.     diff = np.tile(query, (numSamples, 1)) - dataSet  
  19.     squaredDiff = diff ** 2  
  20.     squaredDist = np.sum(squaredDiff, axis = 1) # sum is performed by row  
  21.   
  22.     ## step 2: sort the distance  
  23.     sortedDistIndices = np.argsort(squaredDist)  
  24.     if k > len(sortedDistIndices):  
  25.         k = len(sortedDistIndices)  
  26.   
  27.     return sortedDistIndices[0:k]  
  28.   
  29.   
  30. # build a big graph (normalized weight matrix)  
  31. def buildGraph(MatX, kernel_type, rbf_sigma = None, knn_num_neighbors = None):  
  32.     num_samples = MatX.shape[0]  
  33.     affinity_matrix = np.zeros((num_samples, num_samples), np.float32)  
  34.     if kernel_type == 'rbf':  
  35.         if rbf_sigma == None:  
  36.             raise ValueError('You should input a sigma of rbf kernel!')  
  37.         for i in xrange(num_samples):  
  38.             row_sum = 0.0  
  39.             for j in xrange(num_samples):  
  40.                 diff = MatX[i, :] - MatX[j, :]  
  41.                 affinity_matrix[i][j] = np.exp(sum(diff**2) / (-2.0 * rbf_sigma**2))  
  42.                 row_sum += affinity_matrix[i][j]  
  43.             affinity_matrix[i][:] /= row_sum  
  44.     elif kernel_type == 'knn':  
  45.         if knn_num_neighbors == None:  
  46.             raise ValueError('You should input a k of knn kernel!')  
  47.         for i in xrange(num_samples):  
  48.             k_neighbors = navie_knn(MatX, MatX[i, :], knn_num_neighbors)  
  49.             affinity_matrix[i][k_neighbors] = 1.0 / knn_num_neighbors  
  50.     else:  
  51.         raise NameError('Not support kernel type! You can use knn or rbf!')  
  52.       
  53.     return affinity_matrix  
  54.   
  55.   
  56. # label propagation  
  57. def labelPropagation(Mat_Label, Mat_Unlabel, labels, kernel_type = 'rbf', rbf_sigma = 1.5, \  
  58.                     knn_num_neighbors = 10, max_iter = 500, tol = 1e-3):  
  59.     # initialize  
  60.     num_label_samples = Mat_Label.shape[0]  
  61.     num_unlabel_samples = Mat_Unlabel.shape[0]  
  62.     num_samples = num_label_samples + num_unlabel_samples  
  63.     labels_list = np.unique(labels)  
  64.     num_classes = len(labels_list)  
  65.       
  66.     MatX = np.vstack((Mat_Label, Mat_Unlabel))  
  67.     clamp_data_label = np.zeros((num_label_samples, num_classes), np.float32)  
  68.     for i in xrange(num_label_samples):  
  69.         clamp_data_label[i][labels[i]] = 1.0  
  70.       
  71.     label_function = np.zeros((num_samples, num_classes), np.float32)  
  72.     label_function[0 : num_label_samples] = clamp_data_label  
  73.     label_function[num_label_samples : num_samples] = -1  
  74.       
  75.     # graph construction  
  76.     affinity_matrix = buildGraph(MatX, kernel_type, rbf_sigma, knn_num_neighbors)  
  77.       
  78.     # start to propagation  
  79.     iter = 0; pre_label_function = np.zeros((num_samples, num_classes), np.float32)  
  80.     changed = np.abs(pre_label_function - label_function).sum()  
  81.     while iter < max_iter and changed > tol:  
  82.         if iter % 1 == 0:  
  83.             print "---> Iteration %d/%d, changed: %f" % (iter, max_iter, changed)  
  84.         pre_label_function = label_function  
  85.         iter += 1  
  86.           
  87.         # propagation  
  88.         label_function = np.dot(affinity_matrix, label_function)  
  89.           
  90.         # clamp  
  91.         label_function[0 : num_label_samples] = clamp_data_label  
  92.           
  93.         # check converge  
  94.         changed = np.abs(pre_label_function - label_function).sum()  
  95.       
  96.     # get terminate label of unlabeled data  
  97.     unlabel_data_labels = np.zeros(num_unlabel_samples)  
  98.     for i in xrange(num_unlabel_samples):  
  99.         unlabel_data_labels[i] = np.argmax(label_function[i+num_label_samples])  
  100.       
  101.     return unlabel_data_labels  

 

       测试代码:

 

[python] 
 
 
  1. #***************************************************************************  
  2. #*   
  3. #* Description: label propagation  
  4. #* Author: Zou Xiaoyi (zouxy09@qq.com)  
  5. #* Date:   2015-10-15  
  6. #* HomePage: http://blog.csdn.net/zouxy09  
  7. #*   
  8. #**************************************************************************  
  9.   
  10. import time  
  11. import math  
  12. import numpy as np  
  13. from label_propagation import labelPropagation  
  14.   
  15. # show  
  16. def show(Mat_Label, labels, Mat_Unlabel, unlabel_data_labels):   
  17.     import matplotlib.pyplot as plt   
  18.       
  19.     for i in range(Mat_Label.shape[0]):  
  20.         if int(labels[i]) == 0:    
  21.             plt.plot(Mat_Label[i, 0], Mat_Label[i, 1], 'Dr')    
  22.         elif int(labels[i]) == 1:    
  23.             plt.plot(Mat_Label[i, 0], Mat_Label[i, 1], 'Db')  
  24.         else:  
  25.             plt.plot(Mat_Label[i, 0], Mat_Label[i, 1], 'Dy')  
  26.       
  27.     for i in range(Mat_Unlabel.shape[0]):  
  28.         if int(unlabel_data_labels[i]) == 0:    
  29.             plt.plot(Mat_Unlabel[i, 0], Mat_Unlabel[i, 1], 'or')    
  30.         elif int(unlabel_data_labels[i]) == 1:    
  31.             plt.plot(Mat_Unlabel[i, 0], Mat_Unlabel[i, 1], 'ob')  
  32.         else:  
  33.             plt.plot(Mat_Unlabel[i, 0], Mat_Unlabel[i, 1], 'oy')  
  34.       
  35.     plt.xlabel('X1'); plt.ylabel('X2')   
  36.     plt.xlim(0.0, 12.)  
  37.     plt.ylim(0.0, 12.)  
  38.     plt.show()    
  39.   
  40.   
  41. def loadCircleData(num_data):  
  42.     center = np.array([5.0, 5.0])  
  43.     radiu_inner = 2  
  44.     radiu_outer = 4  
  45.     num_inner = num_data / 3  
  46.     num_outer = num_data - num_inner  
  47.       
  48.     data = []  
  49.     theta = 0.0  
  50.     for i in range(num_inner):  
  51.         pho = (theta % 360) * math.pi / 180  
  52.         tmp = np.zeros(2, np.float32)  
  53.         tmp[0] = radiu_inner * math.cos(pho) + np.random.rand(1) + center[0]  
  54.         tmp[1] = radiu_inner * math.sin(pho) + np.random.rand(1) + center[1]  
  55.         data.append(tmp)  
  56.         theta += 2  
  57.       
  58.     theta = 0.0  
  59.     for i in range(num_outer):  
  60.         pho = (theta % 360) * math.pi / 180  
  61.         tmp = np.zeros(2, np.float32)  
  62.         tmp[0] = radiu_outer * math.cos(pho) + np.random.rand(1) + center[0]  
  63.         tmp[1] = radiu_outer * math.sin(pho) + np.random.rand(1) + center[1]  
  64.         data.append(tmp)  
  65.         theta += 1  
  66.       
  67.     Mat_Label = np.zeros((2, 2), np.float32)  
  68.     Mat_Label[0] = center + np.array([-radiu_inner + 0.5, 0])  
  69.     Mat_Label[1] = center + np.array([-radiu_outer + 0.5, 0])  
  70.     labels = [0, 1]  
  71.     Mat_Unlabel = np.vstack(data)  
  72.     return Mat_Label, labels, Mat_Unlabel  
  73.   
  74.   
  75. def loadBandData(num_unlabel_samples):  
  76.     #Mat_Label = np.array([[5.0, 2.], [5.0, 8.0]])  
  77.     #labels = [0, 1]  
  78.     #Mat_Unlabel = np.array([[5.1, 2.], [5.0, 8.1]])  
  79.       
  80.     Mat_Label = np.array([[5.0, 2.], [5.0, 8.0]])  
  81.     labels = [0, 1]  
  82.     num_dim = Mat_Label.shape[1]  
  83.     Mat_Unlabel = np.zeros((num_unlabel_samples, num_dim), np.float32)  
  84.     Mat_Unlabel[:num_unlabel_samples/2, :] = (np.random.rand(num_unlabel_samples/2, num_dim) - 0.5) * np.array([3, 1]) + Mat_Label[0]  
  85.     Mat_Unlabel[num_unlabel_samples/2 : num_unlabel_samples, :] = (np.random.rand(num_unlabel_samples/2, num_dim) - 0.5) * np.array([3, 1]) + Mat_Label[1]  
  86.     return Mat_Label, labels, Mat_Unlabel  
  87.   
  88.   
  89. # main function  
  90. if __name__ == "__main__":  
  91.     num_unlabel_samples = 800  
  92.     #Mat_Label, labels, Mat_Unlabel = loadBandData(num_unlabel_samples)  
  93.     Mat_Label, labels, Mat_Unlabel = loadCircleData(num_unlabel_samples)  
  94.       
  95.     ## Notice: when use 'rbf' as our kernel, the choice of hyper parameter 'sigma' is very import! It should be  
  96.     ## chose according to your dataset, specific the distance of two data points. I think it should ensure that  
  97.     ## each point has about 10 knn or w_i,j is large enough. It also influence the speed of converge. So, may be  
  98.     ## 'knn' kernel is better!  
  99.     #unlabel_data_labels = labelPropagation(Mat_Label, Mat_Unlabel, labels, kernel_type = 'rbf', rbf_sigma = 0.2)  
  100.     unlabel_data_labels = labelPropagation(Mat_Label, Mat_Unlabel, labels, kernel_type = 'knn', knn_num_neighbors = 10, max_iter = 400)  
  101.     show(Mat_Label, labels, Mat_Unlabel, unlabel_data_labels)  
  102.       

 

       该注释的,代码都注释的,有看不明白的,欢迎交流。不同迭代次数时候的结果如下:

 

是不是很漂亮的传播过程?!在数值上也是可以看到随着迭代的进行逐渐收敛的,迭代的数值变化过程如下:

 

[python] 
 
 
  1. ---> Iteration 0/400, changed: 1602.000000  
  2. ---> Iteration 1/400, changed: 6.300182  
  3. ---> Iteration 2/400, changed: 5.129996  
  4. ---> Iteration 3/400, changed: 4.301994  
  5. ---> Iteration 4/400, changed: 3.819295  
  6. ---> Iteration 5/400, changed: 3.501743  
  7. ---> Iteration 6/400, changed: 3.277122  
  8. ---> Iteration 7/400, changed: 3.105952  
  9. ---> Iteration 8/400, changed: 2.967030  
  10. ---> Iteration 9/400, changed: 2.848606  
  11. ---> Iteration 10/400, changed: 2.743997  
  12. ---> Iteration 11/400, changed: 2.649270  
  13. ---> Iteration 12/400, changed: 2.562057  
  14. ---> Iteration 13/400, changed: 2.480885  
  15. ---> Iteration 14/400, changed: 2.404774  
  16. ---> Iteration 15/400, changed: 2.333075  
  17. ---> Iteration 16/400, changed: 2.265301  
  18. ---> Iteration 17/400, changed: 2.201107  
  19. ---> Iteration 18/400, changed: 2.140209  
  20. ---> Iteration 19/400, changed: 2.082354  
  21. ---> Iteration 20/400, changed: 2.027376  
  22. ---> Iteration 21/400, changed: 1.975071  
  23. ---> Iteration 22/400, changed: 1.925286  
  24. ---> Iteration 23/400, changed: 1.877894  
  25. ---> Iteration 24/400, changed: 1.832743  
  26. ---> Iteration 25/400, changed: 1.789721  
  27. ---> Iteration 26/400, changed: 1.748706  
  28. ---> Iteration 27/400, changed: 1.709593  
  29. ---> Iteration 28/400, changed: 1.672284  
  30. ---> Iteration 29/400, changed: 1.636668  
  31. ---> Iteration 30/400, changed: 1.602668  
  32. ---> Iteration 31/400, changed: 1.570200  
  33. ---> Iteration 32/400, changed: 1.539179  
  34. ---> Iteration 33/400, changed: 1.509530  
  35. ---> Iteration 34/400, changed: 1.481182  
  36. ---> Iteration 35/400, changed: 1.454066  
  37. ---> Iteration 36/400, changed: 1.428120  
  38. ---> Iteration 37/400, changed: 1.403283  
  39. ---> Iteration 38/400, changed: 1.379502  
  40. ---> Iteration 39/400, changed: 1.356734  
  41. ---> Iteration 40/400, changed: 1.334906  
  42. ---> Iteration 41/400, changed: 1.313983  
  43. ---> Iteration 42/400, changed: 1.293921  
  44. ---> Iteration 43/400, changed: 1.274681  
  45. ---> Iteration 44/400, changed: 1.256214  
  46. ---> Iteration 45/400, changed: 1.238491  
  47. ---> Iteration 46/400, changed: 1.221474  
  48. ---> Iteration 47/400, changed: 1.205126  
  49. ---> Iteration 48/400, changed: 1.189417  
  50. ---> Iteration 49/400, changed: 1.174316  
  51. ---> Iteration 50/400, changed: 1.159804  
  52. ---> Iteration 51/400, changed: 1.145844  
  53. ---> Iteration 52/400, changed: 1.132414  
  54. ---> Iteration 53/400, changed: 1.119490  
  55. ---> Iteration 54/400, changed: 1.107032  
  56. ---> Iteration 55/400, changed: 1.095054  
  57. ---> Iteration 56/400, changed: 1.083513  
  58. ---> Iteration 57/400, changed: 1.072397  
  59. ---> Iteration 58/400, changed: 1.061671  
  60. ---> Iteration 59/400, changed: 1.051324  
  61. ---> Iteration 60/400, changed: 1.041363  
  62. ---> Iteration 61/400, changed: 1.031742  
  63. ---> Iteration 62/400, changed: 1.022459  
  64. ---> Iteration 63/400, changed: 1.013494  
  65. ---> Iteration 64/400, changed: 1.004836  
  66. ---> Iteration 65/400, changed: 0.996484  
  67. ---> Iteration 66/400, changed: 0.988407  
  68. ---> Iteration 67/400, changed: 0.980592  
  69. ---> Iteration 68/400, changed: 0.973045  
  70. ---> Iteration 69/400, changed: 0.965744  
  71. ---> Iteration 70/400, changed: 0.958682  
  72. ---> Iteration 71/400, changed: 0.951848  
  73. ---> Iteration 72/400, changed: 0.945227  
  74. ---> Iteration 73/400, changed: 0.938820  
  75. ---> Iteration 74/400, changed: 0.932608  
  76. ---> Iteration 75/400, changed: 0.926590  
  77. ---> Iteration 76/400, changed: 0.920765  
  78. ---> Iteration 77/400, changed: 0.915107  
  79. ---> Iteration 78/400, changed: 0.909628  
  80. ---> Iteration 79/400, changed: 0.904309  
  81. ---> Iteration 80/400, changed: 0.899143  
  82. ---> Iteration 81/400, changed: 0.894122  
  83. ---> Iteration 82/400, changed: 0.889259  
  84. ---> Iteration 83/400, changed: 0.884530  
  85. ---> Iteration 84/400, changed: 0.879933  
  86. ---> Iteration 85/400, changed: 0.875464  
  87. ---> Iteration 86/400, changed: 0.871121  
  88. ---> Iteration 87/400, changed: 0.866888  
  89. ---> Iteration 88/400, changed: 0.862773  
  90. ---> Iteration 89/400, changed: 0.858783  
  91. ---> Iteration 90/400, changed: 0.854879  
  92. ---> Iteration 91/400, changed: 0.851084  
  93. ---> Iteration 92/400, changed: 0.847382  
  94. ---> Iteration 93/400, changed: 0.843779  
  95. ---> Iteration 94/400, changed: 0.840274  
  96. ---> Iteration 95/400, changed: 0.836842  
  97. ---> Iteration 96/400, changed: 0.833501  
  98. ---> Iteration 97/400, changed: 0.830240  
  99. ---> Iteration 98/400, changed: 0.827051  
  100. ---> Iteration 99/400, changed: 0.823950  
  101. ---> Iteration 100/400, changed: 0.820906  
  102. ---> Iteration 101/400, changed: 0.817946  
  103. ---> Iteration 102/400, changed: 0.815053  
  104. ---> Iteration 103/400, changed: 0.812217  
  105. ---> Iteration 104/400, changed: 0.809437  
  106. ---> Iteration 105/400, changed: 0.806724  
  107. ---> Iteration 106/400, changed: 0.804076  
  108. ---> Iteration 107/400, changed: 0.801480  
  109. ---> Iteration 108/400, changed: 0.798937  
  110. ---> Iteration 109/400, changed: 0.796448  
  111. ---> Iteration 110/400, changed: 0.794008  
  112. ---> Iteration 111/400, changed: 0.791612  
  113. ---> Iteration 112/400, changed: 0.789282  
  114. ---> Iteration 113/400, changed: 0.786984  
  115. ---> Iteration 114/400, changed: 0.784728  
  116. ---> Iteration 115/400, changed: 0.782516  
  117. ---> Iteration 116/400, changed: 0.780355  
  118. ---> Iteration 117/400, changed: 0.778216  
  119. ---> Iteration 118/400, changed: 0.776139  
  120. ---> Iteration 119/400, changed: 0.774087  
  121. ---> Iteration 120/400, changed: 0.772072  
  122. ---> Iteration 121/400, changed: 0.770085  
  123. ---> Iteration 122/400, changed: 0.768146  
  124. ---> Iteration 123/400, changed: 0.766232  
  125. ---> Iteration 124/400, changed: 0.764356  
  126. ---> Iteration 125/400, changed: 0.762504  
  127. ---> Iteration 126/400, changed: 0.760685  
  128. ---> Iteration 127/400, changed: 0.758889  
  129. ---> Iteration 128/400, changed: 0.757135  
  130. ---> Iteration 129/400, changed: 0.755406  

 

四、LP算法MPI并行实现

       这里,我们测试的是LP的变身版本。从公式,我们可以看到,第二项PULYL迭代过程并没有发生变化,所以这部分实际上从迭代开始就可以计算好,从而避免重复计算。不过,不管怎样,LP算法都要计算一个UxU的矩阵PUU和一个UxC矩阵FU的乘积。当我们的unlabeled数据非常多,而且类别也很多的时候,计算是很慢的,同时占用的内存量也非常大。另外,构造Graph需要计算两两的相似度,也是O(n2)的复杂度,当我们数据的特征维度很大的时候,这个计算量也是非常客观的。所以我们就得考虑并行处理了。而且最好是能放到集群上并行。那如何并行呢?

       对算法的并行化,一般分为两种:数据并行和模型并行。

       数据并行很好理解,就是将数据划分,每个节点只处理一部分数据,例如我们构造图的时候,计算每个数据的k近邻。例如我们有1000个样本和20个CPU节点,那么就平均分发,让每个CPU节点计算50个样本的k近邻,然后最后再合并大家的结果。可见这个加速比也是非常可观的。

       模型并行一般发生在模型很大,无法放到单机的内存里面的时候。例如庞大的深度神经网络训练的时候,就需要把这个网络切开,然后分别求解梯度,最后有个leader的节点来收集大家的梯度,再反馈给大家去更新。当然了,其中存在更细致和高效的工程处理方法。在我们的LP算法中,也是可以做模型并行的。假如我们的类别数C很大,把类别数切开,让不同的CPU节点处理,实际上就相当于模型并行了。

       那为啥不切大矩阵PUU,而是切小点的矩阵FU,因为大矩阵PUU没法独立分块,并行的一个原则是处理必须是独立的。 矩阵FU依赖的是所有的U,而把PUU切开分发到其他节点的时候,每次FU的更新都需要和其他的节点通信,这个通信的代价是很大的(实际上,很多并行系统没法达到线性的加速度的瓶颈是通信!线性加速比是,我增加了n台机器,速度就提升了n倍)。但是对类别C也就是矩阵FU切分,就不会有这个问题,因为他们的计算是独立的。只是决定样本的最终类别的时候,将所有的FU收集回来求max就可以了。

       所以,在下面的代码中,是同时包含了数据并行和模型并行的雏形的。另外,还值得一提的是,我们是迭代算法,那决定什么时候迭代算法停止?除了判断收敛外,我们还可以让每迭代几步,就用测试label测试一次结果,看模型的整体训练性能如何。特别是判断训练是否过拟合的时候非常有效。因此,代码中包含了这部分内容。

       好了,代码终于来了。大家可以搞点大数据库来测试,如果有MPI集群条件的话就更好了。

 

       下面的代码依赖numpy、scipy(用其稀疏矩阵加速计算)和mpi4py。其中mpi4py需要依赖openmpi和Cpython,可以参考我进行安装。

 

[python] 
 
 
  1. #***************************************************************************  
  2. #*   
  3. #* Description: label propagation  
  4. #* Author: Zou Xiaoyi (zouxy09@qq.com)  
  5. #* Date:   2015-10-15  
  6. #* HomePage: http://blog.csdn.net/zouxy09  
  7. #*   
  8. #**************************************************************************  
  9.   
  10. import os, sys, time  
  11. import numpy as np  
  12. from scipy.sparse import csr_matrix, lil_matrix, eye  
  13. import operator  
  14. import cPickle as pickle  
  15. import mpi4py.MPI as MPI  
  16.   
  17. #  
  18. #   Global variables for MPI  
  19. #  
  20.   
  21. # instance for invoking MPI related functions  
  22. comm = MPI.COMM_WORLD  
  23. # the node rank in the whole community  
  24. comm_rank = comm.Get_rank()  
  25. # the size of the whole community, i.e., the total number of working nodes in the MPI cluster  
  26. comm_size = comm.Get_size()  
  27.   
  28. # load mnist dataset  
  29. def load_MNIST():  
  30.     import gzip  
  31.     f = gzip.open("mnist.pkl.gz", "rb")  
  32.     train, val, test = pickle.load(f)  
  33.     f.close()  
  34.       
  35.     Mat_Label = train[0]  
  36.     labels = train[1]  
  37.     Mat_Unlabel = test[0]  
  38.     groundtruth = test[1]  
  39.     labels_id = [0, 1, 2, 3, 4, 5, 6, 7, 8, 9]  
  40.   
  41.     return Mat_Label, labels, labels_id, Mat_Unlabel, groundtruth  
  42.   
  43. # return k neighbors index  
  44. def navie_knn(dataSet, query, k):  
  45.     numSamples = dataSet.shape[0]  
  46.   
  47.     ## step 1: calculate Euclidean distance  
  48.     diff = np.tile(query, (numSamples, 1)) - dataSet  
  49.     squaredDiff = diff ** 2  
  50.     squaredDist = np.sum(squaredDiff, axis = 1) # sum is performed by row  
  51.   
  52.     ## step 2: sort the distance  
  53.     sortedDistIndices = np.argsort(squaredDist)  
  54.     if k > len(sortedDistIndices):  
  55.         k = len(sortedDistIndices)  
  56.     return sortedDistIndices[0:k]  
  57.   
  58.   
  59. # build a big graph (normalized weight matrix)  
  60. # sparse U x (U + L) matrix  
  61. def buildSubGraph(Mat_Label, Mat_Unlabel, knn_num_neighbors):  
  62.     num_unlabel_samples = Mat_Unlabel.shape[0]  
  63.     data = []; indices = []; indptr = [0]  
  64.     Mat_all = np.vstack((Mat_Label, Mat_Unlabel))  
  65.     values = np.ones(knn_num_neighbors, np.float32) / knn_num_neighbors  
  66.     for i in xrange(num_unlabel_samples):  
  67.         k_neighbors = navie_knn(Mat_all, Mat_Unlabel[i, :], knn_num_neighbors)  
  68.         indptr.append(np.int32(indptr[-1]) + knn_num_neighbors)  
  69.         indices.extend(k_neighbors)  
  70.         data.append(values)   
  71.     return csr_matrix((np.hstack(data), indices, indptr))  
  72.   
  73.   
  74. # build a big graph (normalized weight matrix)  
  75. # sparse U x (U + L) matrix  
  76. def buildSubGraph_MPI(Mat_Label, Mat_Unlabel, knn_num_neighbors):  
  77.     num_unlabel_samples = Mat_Unlabel.shape[0]  
  78.     local_data = []; local_indices = []; local_indptr = [0]  
  79.     Mat_all = np.vstack((Mat_Label, Mat_Unlabel))  
  80.     values = np.ones(knn_num_neighbors, np.float32) / knn_num_neighbors  
  81.     sample_offset = np.linspace(0, num_unlabel_samples, comm_size + 1).astype('int')  
  82.     for i in range(sample_offset[comm_rank], sample_offset[comm_rank+1]):  
  83.         k_neighbors = navie_knn(Mat_all, Mat_Unlabel[i, :], knn_num_neighbors)  
  84.         local_indptr.append(np.int32(local_indptr[-1]) + knn_num_neighbors)  
  85.         local_indices.extend(k_neighbors)  
  86.         local_data.append(values)  
  87.     data = np.hstack(comm.allgather(local_data))  
  88.     indices = np.hstack(comm.allgather(local_indices))  
  89.     indptr_tmp = comm.allgather(local_indptr)  
  90.     indptr = []  
  91.     for i in range(len(indptr_tmp)):  
  92.         if i == 0:  
  93.             indptr.extend(indptr_tmp[i])  
  94.         else:  
  95.             last_indptr = indptr[-1]  
  96.             del(indptr[-1])  
  97.             indptr.extend(indptr_tmp[i] + last_indptr)  
  98.     return csr_matrix((np.hstack(data), indices, indptr), dtype = np.float32)  
  99.   
  100.   
  101. # label propagation  
  102. def run_label_propagation_sparse(knn_num_neighbors = 20, max_iter = 100, tol = 1e-4, test_per_iter = 1):  
  103.     # load data and graph  
  104.     print "Processor %d/%d loading graph file..." % (comm_rank, comm_size)  
  105.     #Mat_Label, labels, Mat_Unlabel, groundtruth = loadFourBandData()  
  106.     Mat_Label, labels, labels_id, Mat_Unlabel, unlabel_data_id = load_MNIST()  
  107.     if comm_size > len(labels_id):  
  108.         raise ValueError("Sorry, the processors must be less than the number of classes")  
  109.     #affinity_matrix = buildSubGraph(Mat_Label, Mat_Unlabel, knn_num_neighbors)  
  110.     affinity_matrix = buildSubGraph_MPI(Mat_Label, Mat_Unlabel, knn_num_neighbors)  
  111.       
  112.     # get some parameters  
  113.     num_classes = len(labels_id)  
  114.     num_label_samples = len(labels)  
  115.     num_unlabel_samples = Mat_Unlabel.shape[0]  
  116.   
  117.     affinity_matrix_UL = affinity_matrix[:, 0:num_label_samples]  
  118.     affinity_matrix_UU = affinity_matrix[:, num_label_samples:num_label_samples+num_unlabel_samples]  
  119.   
  120.     if comm_rank == 0:  
  121.         print "Have %d labeled images, %d unlabeled images and %d classes" % (num_label_samples, num_unlabel_samples, num_classes)  
  122.       
  123.     # divide label_function_U and label_function_L to all processors  
  124.     class_offset = np.linspace(0, num_classes, comm_size + 1).astype('int')  
  125.       
  126.     # initialize local label_function_U  
  127.     local_start_class = class_offset[comm_rank]  
  128.     local_num_classes = class_offset[comm_rank+1] - local_start_class  
  129.     local_label_function_U = eye(num_unlabel_samples, local_num_classes, 0, np.float32, format='csr')  
  130.       
  131.     # initialize local label_function_L  
  132.     local_label_function_L = lil_matrix((num_label_samples, local_num_classes), dtype = np.float32)  
  133.     for i in xrange(num_label_samples):  
  134.         class_off = int(labels[i]) - local_start_class  
  135.         if class_off >= and class_off < local_num_classes:  
  136.             local_label_function_L[i, class_off] = 1.0  
  137.     local_label_function_L = local_label_function_L.tocsr()  
  138.     local_label_info = affinity_matrix_UL.dot(local_label_function_L)  
  139.     print "Processor %d/%d has to process %d classes..." % (comm_rank, comm_size, local_label_function_L.shape[1])  
  140.       
  141.     # start to propagation  
  142.     iter = 1; changed = 100.0;  
  143.     evaluation(num_unlabel_samples, local_start_class, local_label_function_U, unlabel_data_id, labels_id)  
  144.     while True:  
  145.         pre_label_function = local_label_function_U.copy()  
  146.           
  147.         # propagation  
  148.         local_label_function_U = affinity_matrix_UU.dot(local_label_function_U) + local_label_info  
  149.           
  150.         # check converge  
  151.         local_changed = abs(pre_label_function - local_label_function_U).sum()  
  152.         changed = comm.reduce(local_changed, root = 0, op = MPI.SUM)  
  153.         status = 'RUN'  
  154.         test = False  
  155.         if comm_rank == 0:  
  156.             if iter % 1 == 0:  
  157.                 norm_changed = changed / (num_unlabel_samples * num_classes)  
  158.                 print "---> Iteration %d/%d, changed: %f" % (iter, max_iter, norm_changed)  
  159.             if iter >= max_iter or changed < tol:  
  160.                 status = 'STOP'  
  161.                 print "************** Iteration over! ****************"  
  162.             if iter % test_per_iter == 0:  
  163.                 test = True  
  164.             iter += 1  
  165.         test = comm.bcast(test if comm_rank == else None, root = 0)  
  166.         status = comm.bcast(status if comm_rank == else None, root = 0)  
  167.         if status == 'STOP':  
  168.             break  
  169.         if test == True:  
  170.             evaluation(num_unlabel_samples, local_start_class, local_label_function_U, unlabel_data_id, labels_id)  
  171.     evaluation(num_unlabel_samples, local_start_class, local_label_function_U, unlabel_data_id, labels_id)  
  172.   
  173.   
  174. def evaluation(num_unlabel_samples, local_start_class, local_label_function_U, unlabel_data_id, labels_id):  
  175.     # get local label with max score  
  176.     if comm_rank == 0:  
  177.         print "Start to combine local result..."  
  178.     local_max_score = np.zeros((num_unlabel_samples, 1), np.float32)   
  179.     local_max_label = np.zeros((num_unlabel_samples, 1), np.int32)  
  180.     for i in xrange(num_unlabel_samples):  
  181.         local_max_label[i, 0] = np.argmax(local_label_function_U.getrow(i).todense())  
  182.         local_max_score[i, 0] = local_label_function_U[i, local_max_label[i, 0]]  
  183.         local_max_label[i, 0] += local_start_class  
  184.           
  185.     # gather the results from all the processors  
  186.     if comm_rank == 0:  
  187.         print "Start to gather results from all processors"  
  188.     all_max_label = np.hstack(comm.allgather(local_max_label))  
  189.     all_max_score = np.hstack(comm.allgather(local_max_score))  
  190.       
  191.     # get terminate label of unlabeled data  
  192.     if comm_rank == 0:  
  193.         print "Start to analysis the results..."  
  194.         right_predict_count = 0  
  195.         for i in xrange(num_unlabel_samples):  
  196.             if i % 1000 == 0:  
  197.                 print "***", all_max_score[i]  
  198.             max_idx = np.argmax(all_max_score[i])  
  199.             max_label = all_max_label[i, max_idx]  
  200.             if int(unlabel_data_id[i]) == int(labels_id[max_label]):  
  201.                 right_predict_count += 1  
  202.         accuracy = float(right_predict_count) * 100.0 / num_unlabel_samples  
  203.         print "Have %d samples, accuracy: %.3f%%!" % (num_unlabel_samples, accuracy)  
  204.   
  205.   
  206. if __name__ == '__main__':  
  207.     run_label_propagation_sparse(knn_num_neighbors = 20, max_iter = 30)  

五、参考资料

[1]

 

转载于:https://www.cnblogs.com/yuluoxingkong/p/7910105.html

转载地址:https://blog.csdn.net/weixin_30536513/article/details/99785194 如侵犯您的版权,请留言回复原文章的地址,我们会给您删除此文章,给您带来不便请您谅解!

上一篇:PHP7中php.ini、php-fpm和www.conf的配置
下一篇:PHP.ini修改配置下载上传文件大小

发表评论

最新留言

初次前来,多多关照!
[***.217.46.12]2024年04月04日 03时56分46秒