GNN3.1 GCN (PaperReading&Implementation)

GNN学习笔记

GNN从入门到精通课程笔记

3.1 GCN (ICLR '17)

  • Semi-supervised Classification with Graph Convolutional Network (ICLR '17)

  • Abstract

    • We present a scalable approach for semi-supervised learning on graph-structured data that is based on an efficient variant of convolutional neural networks which operate directly on graphs.
    • We motivate the choice of our convolutional architecture via a localized first-order approximation of spectral graph convolutions.
    • Our model scales linearly in the number of graph edges and learns hidden layer representations that encode both local graph structure and features of nodes.
  • Introduction

    • Graph-based semi-supervised learning: classifying nodes in a graph network, where labels are only available for a small subset of nodes.
    • f(X,A)
      • X: a matrix of node feature vectors X i X_i Xi
      • A: an adjacency matrix
    • Contribution:
      • a simple and well-behaved layer-wise propagation rule for neural network models which operate directly on graphs
      • how this form of a graph-based neural network model can be used for fast and scalable semi-supervised classification of nodes in a graph
  • Fast Approximate convolutions on graphs

    • Basic Appoach
      • Average neighbor messages and apply a neural network
        在这里插入图片描述

      • Matrix Formulation: H k + 1 = σ ( A ~ H k W k T + H k B k T ) H^{k+1} = \sigma(\tilde{A}H^kW_k^T+H^kB_k^T) Hk+1=σ(A~HkWkT+HkBkT)

        • A ~ = D − 1 A \tilde{A} = D^{-1}A A~=D1A: row normalized matrix
        • A ~ H k W k T \tilde{A}H^kW_k^T A~HkWkT : neighborhood aggregation
        • H k B k T H^kB_k^T HkBkT: self transformation
    • Improvement
      • The normalized adjacency matrix: A ~ = D − 1 / 2 ( A ) D − 1 / 2 \tilde{A} = D^{-1/2}(A)D^{-1/2} A~=D1/2(A)D1/2

      • A ~ = A + A N \tilde{A} = A + A_N A~=A+AN, D ~ i i = Σ A ~ i j \tilde{D}_{ii}= \Sigma{\tilde{A}_{ij}} D~ii=ΣA~ij
        在这里插入图片描述

        • H: features
  • Semi-supervised Node Classification

    • adjacency matrix: A ^ = D ~ − 1 2 A ~ D ~ 1 2 \hat{A} = \tilde{D}^{-\frac{1}{2}}\tilde{A}\tilde{D}^{\frac{1}{2}} A^=D~21A~D~21
    • Two-layer GCN for semi-supervised node classification
      在这里插入图片描述
  • Experiments

    • scales linearly in the number of graph edges
      在这里插入图片描述
  • Implementation

    • [1] Kipf, Thomas N., and Max Welling. “Semi-supervised classification with graph convolutional networks.” arXiv preprint arXiv:1609.02907 (2016).
    • [2] https://github.com/tkipf/pygcn
# graph preprocess
adj = adj + adj.T.multiply(adj.T > adj) - adj.multiply(adj.T > adj) # build symmetric adjacency matrix [directed graph -> undirected graph]
adj = normalize(adj + sp.eye(adj.shape[0])) #\Tilde{D^{-1}}(A+I_N)

def normalize(mx): #D^{-1}A
    """Row-normalize sparse matrix"""
    rowsum = np.array(mx.sum(1))
    r_inv = np.power(rowsum, -1).flatten()
    r_inv[np.isinf(r_inv)] = 0.
    r_mat_inv = sp.diags(r_inv)
    mx = r_mat_inv.dot(mx)
    return mx


# GNN Layer
class GraphConvolutionLayer(Module):
    """
    Simple GCN layer, similar to https://arxiv.org/abs/1609.02907
    """

    def __init__(self, in_features, out_features, bias=True):
        super(GraphConvolution, self).__init__()
        self.in_features = in_features
        self.out_features = out_features
        self.weight = Parameter(torch.FloatTensor(in_features, out_features))
        if bias:
            self.bias = Parameter(torch.FloatTensor(out_features))
        else:
            self.register_parameter('bias', None)
        self.reset_parameters()

    def reset_parameters(self):
        stdv = 1. / math.sqrt(self.weight.size(1))
        self.weight.data.uniform_(-stdv, stdv)
        if self.bias is not None:
            self.bias.data.uniform_(-stdv, stdv)

    def forward(self, input, adj):
        support = torch.mm(input, self.weight)
        output = torch.spmm(adj, support) # sparse matrix multiplication
        if self.bias is not None:
            return output + self.bias
        else:
            return output
            
# Node classification
class GCN(nn.Module):
    def __init__(self, nfeat, nhid, nclass, dropout):
        super(GCN, self).__init__()

        self.gc1 = GraphConvolutionLayer(nfeat, nhid)
        self.gc2 = GraphConvolutionLayer(nhid, nclass)
        self.dropout = dropout

    def forward(self, x, adj):
        x = F.relu(self.gc1(x, adj))
        x = F.dropout(x, self.dropout, training=self.training)
        x = self.gc2(x, adj)
        return F.log_softmax(x, dim=1)
        
def train():
    model.train()
    optimizer.zero_grad()
    output = model(features, adj)
    loss_train = F.nll_loss(output[idx_train], labels[idx_train])
    loss_train.backward()
    optimizer.step()
    
def test():
    model.eval()
    output = model(features, adj)
    loss_test = F.nll_loss(output[idx_test], labels[idx_test])
    acc_test = accuracy(output[idx_test], labels[idx_test])

  • 3
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值