Python计算顶点度矩阵

时间:2015-09-03 16:46:12

标签: python cluster-analysis graph-theory adjacency-matrix

我目前正在尝试编写代码来计算度矩阵,以便我可以计算拉普拉斯算子L = D - A,其中D =度矩阵,A =邻接矩阵。

稍后将在我的谱聚类算法中使用。我正在使用Python。因此,对于这个玩具示例,我无法做到这一点。任何人都可以提供一种有效的方法,或者是否有用于计算度矩阵的API?我的问题很简单,什么是计算连通性矩阵的有效方法,还是有一个python模块呢?

示例:

new Query("reverse([1,2],X)")

如何计算给出5 3 4 4的度数(矩阵),它表示每个节点的连通度?谢谢。

6 个答案:

答案 0 :(得分:2)

要回答这个问题,如何从邻接矩阵中获得度矩阵:

它可能不会比其他答案更快,但是至少要比PyTorch编写的要简单一些(应该很容易将其翻译为numpy,就像其他答案一样)

import torch
A = torch.Tensor([[1, 1, 1, 1],
                  [1, 0, 0, 0],
                  [0, 1, 0, 1],
                  [0, 0, 1, 1]])

out_degree = torch.sum(A, dim=0)
in_degree = torch.sum(A, dim=1)

identity = torch.eye(A.size()[0])

degree_matrix = diag*in_degree + diag*out_degree - torch.diagflat(torch.diagonal(A))

tensor([[5., 0., 0., 0.],
        [0., 3., 0., 0.],
        [0., 0., 4., 0.],
        [0., 0., 0., 4.]])

相当简单的代码,一些解释:

  • torch.diagonal获取一维数组中的对角线元素
  • torch.diagflat接受一个数组并创建一个2D对角矩阵

答案 1 :(得分:1)

好吧我弄清楚了,但我不知道这是否是最有效的方式。但是,这是我找到的答案。

#### Example of Computing Degree Matrix
import numpy as np
matrix = np.matrix('1, 1, 1, 1;'
                   '1, 0, 0, 0;'
                   '0, 1, 0, 1;'
                   '0, 0, 1, 1')

degree = np.zeros(len(matrix)) # initialize list to hold values of degree

# calculate the sums along rows and sum along columns
colsum = matrix.sum(axis=0)
rowsum = matrix.sum(axis=1)

# loop through matrix and add up all degree connections
for j in range(0, len(matrix)):
    degree[j] = colsum[0,j] + rowsum[j,0]

# get the diagonal entries to correct the for loop oversumming
A = matrix.diagonal()
d = A.flat
diagMat = list(d)

# print the degree of connectivity matrix 
print np.diag(degree - diagMat)

[[ 5.  0.  0.  0.]
 [ 0.  3.  0.  0.]
 [ 0.  0.  4.  0.]
 [ 0.  0.  0.  4.]]

答案 2 :(得分:1)

有一个用于图形networkx的特殊程序包:

import networkx as nx
import numpy as np

m = np.matrix('1, 1, 1, 1;'
              '1, 0, 0, 0;'
              '0, 1, 0, 1;'
              '0, 0, 1, 1')
G = nx.from_numpy_matrix(m)
nx.laplacian_matrix(G).toarray()

结果:

array([[ 3, -1, -1, -1],
       [-1,  2, -1,  0],
       [-1, -1,  3, -1],
       [-1,  0, -1,  2]], dtype=int64)

答案 3 :(得分:0)

你在计算学位或学位吗?

我认为代码效率会更高一些:     degree_size = np.size(Matrix,0)

out_degree = np.zeros((degree_size,degree_size))
in_degree = np.zeros((degree_size,degree_size))

out_degree_sum = Matrix.sum(axis=0)
in_degree_sum = Matrix.sum(axis=1)

for i in range(0, degree_size):
    out_degree[i,i] = out_degree_sum[i]

for j in range(0, degree_size):
    in_degree[j,j] = in_degree_sum[j]

答案 4 :(得分:0)

对于正在处理无向图的用户,可以使用以下方法创建节点的对角度矩阵:

def diagonal_degree_matrix(adj):
    diag = np.zeros([adj.shape[0], adj.shape[0]]) # basically dimensions of your graph
    rows, cols = adj.nonzero()
    for row, col in zip(rows, cols):
        diag[row, row] += 1
    return diag

其中 adj 是类型csr_matrix的邻接矩阵,而np是numpy库。

答案 5 :(得分:0)

您可以使用sum中的diagnumpy 只是代替矩阵使用数组

import numpy as np
matrix = np.array([[1, 1, 1, 1],[1, 0, 0, 0],[ 0 ,1 ,0 ,1 ],[0, 0, 1, 1]])    
degree = np.diag(np.sum(matrix, axis=1))