图表注意力网络 (GAT)

这是 PyTorch 对《图形注意力网络》论文的实现。

GAT 处理图表数据。图由节点和连接节点的边组成。例如,在 Cora 数据集中,节点是研究论文,边缘是连接论文的引文。

GAT 使用蒙面自注意力,有点类似于变形金刚。GAT 由相互堆叠的图表注意力层组成。每个图注意力层都将节点嵌入作为转换后的嵌入的输入和输出获得节点。节点嵌入会注意它所连接的其他节点的嵌入。图形注意力层的详细信息与实现一起包括在内。

以下是在 Cora 数据集上训练两层 GAT 的训练代码

28import torch
29from torch import nn
30
31from labml_helpers.module import Module

图形关注层

这是一个单一的图形关注层。一个 GAT 由多个这样的层组成。

它需要,其中作为输入和输出,在哪里

34class GraphAttentionLayer(Module):
  • in_features ,是每个节点的输入要素数
  • out_features ,是每个节点的输出要素数
  • n_heads ,是注意头的数量
  • is_concat 多头结果应该是串联还是求平均值
  • dropout 是辍学概率
  • leaky_relu_negative_slope 是泄漏的 relu 激活的负斜率
48    def __init__(self, in_features: int, out_features: int, n_heads: int,
49                 is_concat: bool = True,
50                 dropout: float = 0.6,
51                 leaky_relu_negative_slope: float = 0.2):
60        super().__init__()
61
62        self.is_concat = is_concat
63        self.n_heads = n_heads

计算每头的尺寸数

66        if is_concat:
67            assert out_features % n_heads == 0

如果我们要连接多个头

69            self.n_hidden = out_features // n_heads
70        else:

如果我们平均多头

72            self.n_hidden = out_features

用于初始变换的线性层;即在自我关注之前转换节点嵌入

76        self.linear = nn.Linear(in_features, self.n_hidden * n_heads, bias=False)

用于计算注意力分数的线性图层

78        self.attn = nn.Linear(self.n_hidden * 2, 1, bias=False)

激活注意力分数

80        self.activation = nn.LeakyReLU(negative_slope=leaky_relu_negative_slope)

Softmax 需要计算注意力

82        self.softmax = nn.Softmax(dim=1)

要应用的掉落层以引起注意

84        self.dropout = nn.Dropout(dropout)
  • h是 shape 的输入节点嵌入[n_nodes, in_features]
  • adj_mat 是形状的邻接矩阵[n_nodes, n_nodes, n_heads] 。我们使用形状,[n_nodes, n_nodes, 1] 因为每个头部的邻接是相同的。

邻接矩阵表示节点之间的边(或连接)。adj_mat[i][j] True 如果节点与节i 点之间存在边缘j

86    def forward(self, h: torch.Tensor, adj_mat: torch.Tensor):

节点数量

97        n_nodes = h.shape[0]

每个头部的初始变换。我们做单个线性变换,然后将其拆分为每个头部。

102        g = self.linear(h).view(n_nodes, self.n_heads, self.n_hidden)

计算注意力分数

我们为每个头部计算这些为简单起见,我们省略了

是从一个节点到另一个节点的注意力分数(重要性)。我们为每个头部计算这个值。

是计算注意力分数的注意力机制。本文连接起来然后使用权重向量后跟 a 进行线性变换

首先,我们计算所有对.

g_repeat 获取每个节点嵌入重复n_nodes 次数的位置。

133        g_repeat = g.repeat(n_nodes, 1, 1)

g_repeat_interleave 获取每个节点嵌入重复n_nodes 次数的位置。

138        g_repeat_interleave = g.repeat_interleave(n_nodes, dim=0)

现在我们连接来获得

146        g_concat = torch.cat([g_repeat_interleave, g_repeat], dim=-1)

重塑g_concat[i, j] 就是这样

148        g_concat = g_concat.view(n_nodes, n_nodes, self.n_heads, 2 * self.n_hidden)

计算e 是形状的[n_nodes, n_nodes, n_heads, 1]

156        e = self.activation(self.attn(g_concat))

移除大小的最后一个维度1

158        e = e.squeeze(-1)

邻接矩阵的形状应[n_nodes, n_nodes, n_heads][n_nodes, n_nodes, 1]

162        assert adj_mat.shape[0] == 1 or adj_mat.shape[0] == n_nodes
163        assert adj_mat.shape[1] == 1 or adj_mat.shape[1] == n_nodes
164        assert adj_mat.shape[2] == 1 or adj_mat.shape[2] == self.n_heads

基于邻接矩阵的掩码。如果没有从到的边缘,则设置

167        e = e.masked_fill(adj_mat == 0, float('-inf'))

然后,我们将注意力分数(或系数)归一化

其中是连接到的节点集

我们通过将未连接的配对设置为未连接的配对来实现此目的。

177        a = self.softmax(e)

应用辍学正则化

180        a = self.dropout(a)

计算每个头的最终输出

注意:本文包含了最后的激活。我们在Graph Attention Layer实现中省略了这一点,并将其用于GAT模型以匹配其他 PyTorch 模块的定义方式——激活作为单独的图层。

189        attn_res = torch.einsum('ijh,jhf->ihf', a, g)

连接头部

192        if self.is_concat:

194            return attn_res.reshape(n_nodes, self.n_heads * self.n_hidden)

以头脑的意思为例

196        else:

198            return attn_res.mean(dim=1)