作者:金松
引言
深度學(xué)習(xí)一直都是被幾大經(jīng)典模型給統(tǒng)治著喜最,如CNN澜倦、RNN等等,它們無(wú)論再CV還是NLP領(lǐng)域都取得了優(yōu)異的效果篡殷,那這個(gè)GCN是怎么跑出來(lái)的钝吮?是因?yàn)槲覀儼l(fā)現(xiàn)了很多CNN、RNN無(wú)法解決或者效果不好的問(wèn)題——圖結(jié)構(gòu)的數(shù)據(jù)板辽。
圖片或者語(yǔ)言奇瘦,都屬于歐式空間的數(shù)據(jù),因此才有維度的概念劲弦,歐式空間的數(shù)據(jù)的特點(diǎn)就是結(jié)構(gòu)很規(guī)則耳标。但是現(xiàn)實(shí)生活中,其實(shí)有很多很多不規(guī)則的數(shù)據(jù)結(jié)構(gòu)瓶您,典型的就是圖結(jié)構(gòu)麻捻,或稱(chēng)拓?fù)浣Y(jié)構(gòu)纲仍,如社交網(wǎng)絡(luò)呀袱、化學(xué)分子結(jié)構(gòu)、知識(shí)圖譜等等郑叠;即使是語(yǔ)言夜赵,實(shí)際上其內(nèi)部也是復(fù)雜的樹(shù)形結(jié)構(gòu),也是一種圖結(jié)構(gòu)乡革;而像圖片寇僧,在做目標(biāo)識(shí)別的時(shí)候摊腋,我們關(guān)注的實(shí)際上只是二維圖片上的部分關(guān)鍵點(diǎn),這些點(diǎn)組成的也是一個(gè)圖的結(jié)構(gòu)嘁傀。
圖的結(jié)構(gòu)一般來(lái)說(shuō)是十分不規(guī)則的兴蒸,可以認(rèn)為是無(wú)限維的一種數(shù)據(jù),所以它沒(méi)有平移不變性细办。每一個(gè)節(jié)點(diǎn)的周?chē)Y(jié)構(gòu)可能都是獨(dú)一無(wú)二的橙凳,這種結(jié)構(gòu)的數(shù)據(jù),就讓傳統(tǒng)的CNN笑撞、RNN瞬間失效岛啸。所以很多學(xué)者從上個(gè)世紀(jì)就開(kāi)始研究怎么處理這類(lèi)數(shù)據(jù)了。這里涌現(xiàn)出了很多方法茴肥,例如GNN坚踩、DeepWalk、node2vec等等瓤狐,GCN只是其中一種瞬铸,這里只講GCN,其他的后面有空再討論础锐。
GCN赴捞,圖卷積神經(jīng)網(wǎng)絡(luò),實(shí)際上跟CNN的作用一樣郁稍,就是一個(gè)特征提取器赦政,只不過(guò)它的對(duì)象是圖數(shù)據(jù)。GCN精妙地設(shè)計(jì)了一種從圖數(shù)據(jù)中提取特征的方法耀怜,從而讓我們可以使用這些特征去對(duì)圖數(shù)據(jù)進(jìn)行節(jié)點(diǎn)分類(lèi)(node classification)恢着、圖分類(lèi)(graph classification)、邊預(yù)測(cè)(link prediction)财破,還可以順便得到圖的嵌入表示(graph embedding)掰派,可見(jiàn)用途廣泛。因此現(xiàn)在人們腦洞大開(kāi)左痢,讓GCN到各個(gè)領(lǐng)域中發(fā)光發(fā)熱靡羡。
本文會(huì)用最簡(jiǎn)單的GCN在拳擊俱樂(lè)部社交網(wǎng)絡(luò)上做分類(lèi)任務(wù),讓沒(méi)接觸過(guò)的童鞋較快理解俊性。
0. 問(wèn)題描述
首先略步,簡(jiǎn)單介紹一下數(shù)據(jù)集。
Zachary's Karate Club是一個(gè)描述大學(xué)空手道俱樂(lè)部成員社交關(guān)系的網(wǎng)絡(luò)定页,由Wayne W. Zachary在論文《An Information Flow Model for Conflict and Fission in Small Groups》中提出趟薄,是一個(gè)常用的社交網(wǎng)絡(luò)示例。這個(gè)空手道俱樂(lè)部包含34名成員典徊,管理員 John A 和教官 Mr. Hi 之間的一次沖突導(dǎo)致這個(gè)俱樂(lè)部一分為二杭煎,一半的成員圍繞著 Mr. Hi 成立了一個(gè)新俱樂(lè)部恩够,另一半成員要么找到了新的教練,要么放棄了空手道羡铲。因此蜂桶,在對(duì)應(yīng)的社交網(wǎng)絡(luò)中,節(jié)點(diǎn)也被劃分為兩個(gè)組也切,一組屬于Mr. Hi (Instructor) 屎飘,另一組屬于John A (Administrator),其中節(jié)點(diǎn)0代表Mr. Hi贾费,節(jié)點(diǎn)33代表John A钦购。
我們可以利用networkx直接獲取Zachary's Karate Club數(shù)據(jù),此時(shí)管理員 John A 被稱(chēng)為Officer褂萧。任務(wù)是預(yù)測(cè)每個(gè)節(jié)點(diǎn)會(huì)加入哪一邊(0or33)押桃。對(duì)該社交網(wǎng)絡(luò)的可視化如下:
1. 創(chuàng)建一張graph
首先創(chuàng)建關(guān)于拳擊俱樂(lè)部的網(wǎng)絡(luò)
import dgl
import numpy as np
def build_karate_club_graph():
# All 78 edges are stored in two numpy arrays. One for source endpoints
# while the other for destination endpoints.
src = np.array([1, 2, 2, 3, 3, 3, 4, 5, 6, 6, 6, 7, 7, 7, 7, 8, 8, 9, 10, 10,
10, 11, 12, 12, 13, 13, 13, 13, 16, 16, 17, 17, 19, 19, 21, 21,
25, 25, 27, 27, 27, 28, 29, 29, 30, 30, 31, 31, 31, 31, 32, 32,
32, 32, 32, 32, 32, 32, 32, 32, 32, 33, 33, 33, 33, 33, 33, 33,
33, 33, 33, 33, 33, 33, 33, 33, 33, 33])
dst = np.array([0, 0, 1, 0, 1, 2, 0, 0, 0, 4, 5, 0, 1, 2, 3, 0, 2, 2, 0, 4,
5, 0, 0, 3, 0, 1, 2, 3, 5, 6, 0, 1, 0, 1, 0, 1, 23, 24, 2, 23,
24, 2, 23, 26, 1, 8, 0, 24, 25, 28, 2, 8, 14, 15, 18, 20, 22, 23,
29, 30, 31, 8, 9, 13, 14, 15, 18, 19, 20, 22, 23, 26, 27, 28, 29, 30,
31, 32])
# Edges are directional in DGL; Make them bi-directional.
u = np.concatenate([src, dst])
v = np.concatenate([dst, src])
# Construct a DGLGraph
return dgl.DGLGraph((u, v))
打印出新定義 Graph 的節(jié)點(diǎn)和邊
G = build_karate_club_graph()
print('We have %d nodes.' % G.number_of_nodes())
print('We have %d edges.' % G.number_of_edges())
用 networkx 可視化新的graph
import networkx as nx
# Since the actual graph is undirected, we convert it for visualization
# purpose.
nx_G = G.to_networkx().to_undirected()
# Kamada-Kawaii layout usually looks pretty for arbitrary graphs
pos = nx.kamada_kawai_layout(nx_G)
nx.draw(nx_G, pos, with_labels=True, node_color=[[.7, .7, .7]])
2. 給邊和節(jié)點(diǎn)賦予特征
圖神經(jīng)網(wǎng)絡(luò)會(huì)聯(lián)合節(jié)點(diǎn)和邊的特征做訓(xùn)練。
在這個(gè)例子中导犹,因?yàn)闆](méi)有節(jié)點(diǎn)的特征唱凯,就用one-hot的embedding方法得到維度為5的特征
import torch
import torch.nn as nn
import torch.nn.functional as F
embed = nn.Embedding(34, 5) # 34 nodes with embedding dim equal to 5
G.ndata['feat'] = embed.weight
打印出節(jié)點(diǎn)的特征來(lái)驗(yàn)證下
# print out node 2's input feature
print(G.ndata['feat'][2])
# print out node 10 and 11's input features
print(G.ndata['feat'][[10, 11]])
3. 定義一個(gè)圖卷積網(wǎng)絡(luò)
簡(jiǎn)單的定義一個(gè)圖卷積神經(jīng)網(wǎng)絡(luò)框架。
- 在第 層谎痢,每個(gè)節(jié)點(diǎn) 用一個(gè)節(jié)點(diǎn)向量 表示磕昼;
- GCN的每一層的目的是聚合每一個(gè)節(jié)點(diǎn) 的鄰居節(jié)點(diǎn)們 用來(lái)生成下一層的向量表示 ,然后接一個(gè)非線性的激活函數(shù)。
上面整個(gè)步驟可以看作一個(gè)message-passing的范式:每個(gè)節(jié)點(diǎn)會(huì)接受鄰居節(jié)點(diǎn)的信息從而更新自身的節(jié)點(diǎn)表示节猿。一個(gè)圖形化的例子就是:
DGL庫(kù)提供了 GCN 層的實(shí)現(xiàn)
from dgl.nn.pytorch import GraphConv
定義了包含了兩個(gè)GCN層的GCN模型
class GCN(nn.Module):
def __init__(self, in_feats, hidden_size, num_classes):
super(GCN, self).__init__()
self.conv1 = GraphConv(in_feats, hidden_size)
self.conv2 = GraphConv(hidden_size, num_classes)
def forward(self, g, inputs):
h = self.conv1(g, inputs)
h = torch.relu(h)
h = self.conv2(g, h)
return h
# The first layer transforms input features of size of 5 to a hidden size of 5.
# The second layer transforms the hidden layer and produces output features of
# size 2, corresponding to the two groups of the karate club.
net = GCN(5, 5, 2)
4. 準(zhǔn)備數(shù)據(jù) & 初始化
使用one-hot向量初始化節(jié)點(diǎn)票从。因?yàn)槭且粋€(gè)半監(jiān)督的設(shè)定,僅有指導(dǎo)員(節(jié)點(diǎn)0)和俱樂(lè)部主席(節(jié)點(diǎn)33)被分配了label滨嘱,實(shí)現(xiàn)如下:
inputs = embed.weight
labeled_nodes = torch.tensor([0, 33]) # only the instructor and the president nodes are labeled
labels = torch.tensor([0, 1]) # their labels are different
5. 訓(xùn)練 & 可視化展示
訓(xùn)練的步驟和PyTorch模型一樣
- 創(chuàng)建優(yōu)化器峰鄙,
- 輸入input數(shù)據(jù),
- 計(jì)算loss太雨,
- 使用反向傳播優(yōu)化模型
import itertools
optimizer = torch.optim.Adam(itertools.chain(net.parameters(), embed.parameters()), lr=0.01)
all_logits = []
for epoch in range(50):
logits = net(G, inputs)
# we save the logits for visualization later
all_logits.append(logits.detach())
logp = F.log_softmax(logits, 1)
# we only compute loss for labeled nodes
loss = F.nll_loss(logp[labeled_nodes], labels)
optimizer.zero_grad()
loss.backward()
optimizer.step()
print('Epoch %d | Loss: %.4f' % (epoch, loss.item()))
這是一個(gè)非常簡(jiǎn)單的小例子吟榴,甚至沒(méi)有劃分驗(yàn)證集和測(cè)試集。因此囊扳,因?yàn)槟P妥詈筝敵隽嗣總€(gè)節(jié)點(diǎn)的二維向量吩翻,我們可以輕易的在2D的空間將這個(gè)過(guò)程可視化出來(lái),下面的代碼動(dòng)態(tài)的展示了訓(xùn)練過(guò)程中從開(kāi)始的狀態(tài)到到最后所有節(jié)點(diǎn)都線性可分的過(guò)程锥咸。
import matplotlib.animation as animation
import matplotlib.pyplot as plt
def draw(i):
cls1color = '#00FFFF'
cls2color = '#FF00FF'
pos = {}
colors = []
for v in range(34):
pos[v] = all_logits[i][v].numpy()
cls = pos[v].argmax()
colors.append(cls1color if cls else cls2color)
ax.cla()
ax.axis('off')
ax.set_title('Epoch: %d' % i)
nx.draw_networkx(nx_G.to_undirected(), pos, node_color=colors,
with_labels=True, node_size=300, ax=ax)
fig = plt.figure(dpi=150)
fig.clf()
ax = fig.subplots()
draw(0) # draw the prediction of the first epoch
plt.close()
下面的動(dòng)態(tài)過(guò)程展示了模型經(jīng)過(guò)一段訓(xùn)練之后能夠準(zhǔn)確預(yù)測(cè)節(jié)點(diǎn)屬于哪個(gè)群組狭瞎。
ani = animation.FuncAnimation(fig, draw, frames=len(all_logits), interval=200)
項(xiàng)目實(shí)戰(zhàn)鏈接:https://momodel.cn/workspace/5e8b3a29142d1d72944d121f/app
參考文獻(xiàn):
- https://zhuanlan.zhihu.com/p/71200936
- http://tkipf.github.io/graph-convolutional-networks/
- https://zhuanlan.zhihu.com/p/99544911
- https://docs.dgl.ai/tutorials/basics/1_first.html
關(guān)于我們
Mo(網(wǎng)址:https://momodel.cn) 是一個(gè)支持 Python的人工智能在線建模平臺(tái),能幫助你快速開(kāi)發(fā)她君、訓(xùn)練并部署模型脚作。
近期 Mo 也在持續(xù)進(jìn)行機(jī)器學(xué)習(xí)相關(guān)的入門(mén)課程和論文分享活動(dòng),歡迎大家關(guān)注我們的公眾號(hào)獲取最新資訊缔刹!