当前位置:   article > 正文

【Pytorch神经网络实战案例】20 基于Cora数据集实现图卷积神经网络论文分类_基于pytorch图像分类论文

基于pytorch图像分类论文

1 案例说明(图卷积神经网络)

CORA数据集里面含有每一篇论文的关键词以及分类信息,同时还有论文间互相引用的信息。搭建AI模型,对数据集中的论文信息进行分析,根据已有论文的分类特征,从而预测出未知分类的论文类别。

1.1 使用图卷积神经网络的特点

使用图神经网络来实现分类。与深度学习模型的不同之处在于,图神经网通会利用途文本身特征和论文间的关系特征进行处理,仅需要少量样本即可达到很好的效果。

cora数据集2022年-深度学习文档类资源-CSDN下载CORA数据集是由机器学习的论文整理而来的,记录每篇论文用到的关键词,以及论文之间互相引用的关系。C更多下载资源、学习资料请访问CSDN下载频道.https://download.csdn.net/download/qq_39237205/85059035

1.2 CORA数据集

CORA数据集是由机器学习的论文整理而来的,记录每篇论文用到的关键词,以及论文之间互相引用的关系。

1.2.1 CORA的内容

CORA数据集中的论文共分为7类:基于案例、遗传算法、神经网络、概率方法、强化学习、规则学习、理论。

1.2.2 CORA的组成

数据集中共有2708篇论文,每一篇论文都引用或至少被一篇其他论文所引用。整个语料库共有2708篇论文。同时,又将所有论文中的词干、停止词、低频词删除,留下1433个关键词,作为论文的个体特征。

1.2.3 CORA数据集的文件与结构说明

(1)content文件格式的论文说明:

<paper-id><word-attributes><class-label>

每行的第一个条目包含论文的唯一字符串ID,随后用一个二进制值指示词汇表中的每个单词在纸张中存在(由1表示)或不存在(由0表示)。行中的最后一项包含纸张的类标签。

(2)cites文件包含了语料库的引文图,每一行用以下格式描述一个链接:

 <id ofreferencepaper><id ofreference paper>

每行包含两个纸张ID。第一个条目是被引用论文的ID,第二个ID代表包含引用的论文。链接的方向是从右向左的。如果一行用“paper2 paper1”表示,那么其中连接为“paper2->paper1”

2 代码编写

2.1 代码实战:引入基础模块,设置运行环境----Cora_GNN.py(第1部分)

  1. from pathlib import Path # 引入提升路径的兼容性
  2. # 引入矩阵运算的相关库
  3. import numpy as np
  4. import pandas as pd
  5. from scipy.sparse import coo_matrix,csr_matrix,diags,eye
  6. # 引入深度学习框架库
  7. import torch
  8. from torch import nn
  9. import torch.nn.functional as F
  10. # 引入绘图库
  11. import matplotlib.pyplot as plt
  12. import os
  13. os.environ["KMP_DUPLICATE_LIB_OK"]="TRUE"
  14. # 1.1 导入基础模块,并设置运行环境
  15. # 输出计算资源情况
  16. device = torch.device('cuda')if torch.cuda.is_available() else torch.device('cpu')
  17. print(device) # 输出 cuda
  18. # 输出样本路径
  19. path = Path('./data/cora')
  20. print(path) # 输出 cuda

输出结果:

2.2 代码实现:读取并解析论文数据----Cora_GNN.py(第2部分)

  1. # 1.2 读取并解析论文数据
  2. # 读取论文内容数据,将其转化为数据
  3. paper_features_label = np.genfromtxt(path/'cora.content',dtype=np.str_) # 使用Path对象的路径构造,实例化的内容为cora.content。path/'cora.content'表示路径为'data/cora/cora.content'的字符串
  4. print(paper_features_label,np.shape(paper_features_label)) # 打印数据集内容与数据的形状
  5. # 取出数据集中的第一列:论文ID
  6. papers = paper_features_label[:,0].astype(np.int32)
  7. print("论文ID序列:",papers) # 输出所有论文ID
  8. # 论文重新编号,并将其映射到论文ID中,实现论文的统一管理
  9. paper2idx = {k:v for v,k in enumerate(papers)}
  10. # 将数据中间部分的字标签取出,转化成矩阵
  11. features = csr_matrix(paper_features_label[:,1:-1],dtype=np.float32)
  12. print("字标签矩阵的形状:",np.shape(features)) # 字标签矩阵的形状
  13. # 将数据的最后一项的文章分类属性取出,转化为分类的索引
  14. labels = paper_features_label[:,-1]
  15. lbl2idx = { k:v for v,k in enumerate(sorted(np.unique(labels)))}
  16. labels = [lbl2idx[e] for e in labels]
  17. print("论文类别的索引号:",lbl2idx,labels[:5])

输出:

2.3 读取并解析论文关系数据

载入论文的关系数据,将数据中用论文ID表示的关系转化成重新编号后的关系,将每篇论文当作一个顶点,论文间的引用关系作为边,这样论文的关系数据就可以用一个图结构来表示。

 计算该图结构的邻接矩阵并将其转化为无向图邻接矩阵。

2.3.1 代码实现:转化矩阵----Cora_GNN.py(第3部分)

  1. # 1.3 读取并解析论文关系数据
  2. # 读取论文关系数据,并将其转化为数据
  3. edges = np.genfromtxt(path/'cora.cites',dtype=np.int32) # 将数据集中论文的引用关系以数据的形式读入
  4. print(edges,np.shape(edges))
  5. # 转化为新编号节点间的关系:将数据集中论文ID表示的关系转化为重新编号后的关系
  6. edges = np.asarray([paper2idx[e] for e in edges.flatten()],np.int32).reshape(edges.shape)
  7. print("新编号节点间的对应关系:",edges,edges.shape)
  8. # 计算邻接矩阵,行与列都是论文个数:由论文引用关系所表示的图结构生成邻接矩阵。
  9. adj = coo_matrix((np.ones(edges.shape[0]), (edges[:, 0], edges[:, 1])),shape=(len(labels), len(labels)), dtype=np.float32)
  10. # 生成无向图对称矩阵:将有向图的邻接矩阵转化为无向图的邻接矩阵。Tip:转化为无向图的原因:主要用于对论文的分类,论文的引用关系主要提供单个特征之间的关联,故更看重是不是有关系,所以无向图即可。
  11. adj_long = adj.multiply(adj.T < adj)
  12. adj = adj_long + adj_long.T

输出:

2.4 加工图结构的矩阵数据

对图结构的矩阵数据进行加工,使其更好地表现出图结构特征,并参与神经网络的模型计算。

2.4.1 加工图结构的矩阵数据的步骤

1、对每个节点的特征数据进行归一化处理。
2、为邻接矩阵的对角线补1:因为在分类任务中,邻接矩阵主要作用是通过论文间的关联来帮助节点分类。对于对角线上的节点,表示的意义是自己与自己的关联。将对角线节点设为1(自环图)、表明节点也会帮助到分类任务。
3、对补1后的邻接矩阵进行归一化处理。

2.4.2 代码实现:加工图结构的矩阵数据----Cora_GNN.py(第4部分)

  1. # 1.4 加工图结构的矩阵数据
  2. def normalize(mx): # 定义函数,对矩阵的数据进行归一化处理
  3. rowsum = np.array(mx.sum(1)) # 计算每一篇论文的字数==>02 对A中的边数求和,计算出矩阵A的度矩阵D^的特征向量
  4. r_inv = (rowsum ** -1).flatten() # 取总字数的倒数==>03 对矩阵A的度矩阵D^的特征向量求逆,并得到D^逆的特征向量
  5. r_inv[np.isinf(r_inv)] = 0.0 # 将NaN值取为0
  6. r_mat_inv = diags(r_inv) # 将总字数的倒数变为对角矩阵===》对图结构的度矩阵求逆==>04 D^逆的特征向量转化为对角矩阵,得到D^逆
  7. mx = r_mat_inv.dot(mx) # 左乘一个矩阵,相当于每个元素除以总数===》对每个论文顶点的边进行归一化处理==>05 计算D^逆与A加入自环(对角线为1)的邻接矩阵所得A^的点积,得到拉普拉斯矩阵。
  8. return mx
  9. # 对features矩阵进行归一化处理(每行总和为1)
  10. features = normalize(features) #在函数normalize()中,分为两步对邻接矩阵进行处理。1、将每篇论文总字数的倒数变成对角矩阵。该操作相当于对图结构的度矩阵求逆。2、用度矩阵的逆左乘邻接矩阵,相当于对图中每个论文顶点的边进行归一化处理。
  11. # 对邻接矩阵的对角线添1,将其变为自循环图,同时对其进行归一化处理
  12. adj = normalize(adj + eye(adj.shape[0])) # 对角线补1==>01实现加入自环的邻接矩阵A

2.5 将数据转化为张量,并分配运算资源

将加工好的图结构矩阵数据转为PyTorch支持的张量类型,并将其分成3份,分别用来进行训练、测试和验证。

2.5.1 代码实现:将数据转化为张量,并分配运算资源----Cora_GNN.py(第5部分)

  1. # 1.5 将数据转化为张量,并分配运算资源
  2. adj = torch.FloatTensor(adj.todense()) # 节点间关系 todense()方法将其转换回稠密矩阵。
  3. features = torch.FloatTensor(features.todense()) # 节点自身的特征
  4. labels = torch.LongTensor(labels) # 对每个节点的分类标签
  5. # 划分数据集
  6. n_train = 200 # 训练数据集大小
  7. n_val = 300 # 验证数据集大小
  8. n_test = len(features) - n_train - n_val # 测试数据集大小
  9. np.random.seed(34)
  10. idxs = np.random.permutation(len(features)) # 将原有的索引打乱顺序
  11. # 计算每个数据集的索引
  12. idx_train = torch.LongTensor(idxs[:n_train]) # 根据指定训练数据集的大小并划分出其对应的训练数据集索引
  13. idx_val = torch.LongTensor(idxs[n_train:n_train+n_val])# 根据指定验证数据集的大小并划分出其对应的验证数据集索引
  14. idx_test = torch.LongTensor(idxs[n_train+n_val:])# 根据指定测试数据集的大小并划分出其对应的测试数据集索引
  15. # 分配运算资源
  16. adj = adj.to(device)
  17. features = features.to(device)
  18. labels = labels.to(device)
  19. idx_train = idx_train.to(device)
  20. idx_val = idx_val.to(device)
  21. idx_test = idx_test.to(device)

2.6 图卷积

图卷积的本质是维度变换,即将每个含有in维的节点特征数据变换成含有out维的节点特征数据。

图卷积的操作将输入的节点特征、权重参数、加工后的邻接矩阵三者放在一起执行点积运算。

权重参数是个in×out大小的矩阵,其中in代表输入节点的特征维度、out代表最终要输出的特征维度。将权重参数在维度变换中的功能当作一个全连接网络的权重来理解,只不过在图卷积中,它会比全连接网络多了执行节点关系信息的点积运算。

 如上图所示,列出全连接网络和图卷积网络在忽略偏置后的关系。从中可以很清晰地看出,图卷积网络其实就是在全连接网络基础之上增加了节点关系信息。

2.6.1 代码实现:定义Mish激活函数与图卷积操作类----Cora_GNN.py(第6部分)

在上图的所示的算法基础增加偏置,定义GraphConvolution类

  1. # 1.6 定义Mish激活函数与图卷积操作类
  2. def mish(x): # 性能优于RElu函数
  3. return x * (torch.tanh(F.softplus(x)))
  4. # 图卷积类
  5. class GraphConvolution(nn.Module):
  6. def __init__(self,f_in,f_out,use_bias = True,activation=mish):
  7. # super(GraphConvolution, self).__init__()
  8. super().__init__()
  9. self.f_in = f_in
  10. self.f_out = f_out
  11. self.use_bias = use_bias
  12. self.activation = activation
  13. self.weight = nn.Parameter(torch.FloatTensor(f_in, f_out))
  14. self.bias = nn.Parameter(torch.FloatTensor(f_out)) if use_bias else None
  15. self.initialize_weights()
  16. def initialize_weights(self):# 对参数进行初始化
  17. if self.activation is None: # 初始化权重
  18. nn.init.xavier_uniform_(self.weight)
  19. else:
  20. nn.init.kaiming_uniform_(self.weight, nonlinearity='leaky_relu')
  21. if self.use_bias:
  22. nn.init.zeros_(self.bias)
  23. def forward(self,input,adj): # 实现模型的正向处理流程
  24. support = torch.mm(input,self.weight) # 节点特征与权重点积:torch.mm()实现矩阵的相乘,仅支持二位矩阵。若是多维矩则使用torch.matmul()
  25. output = torch.mm(adj,support) # 将加工后的邻接矩阵放入点积运算
  26. if self.use_bias:
  27. output.add_(self.bias) # 加入偏置
  28. if self.activation is not None:
  29. output = self.activation(output) # 激活函数处理
  30. return output

2.7 搭建多层图卷积

定义GCN类将GraphConvolution类完成的图卷积层叠加起来,形成多层图卷积网络。同时,为该网络模型实现训练和评估函数。

2.7.1 代码实现:多层图卷积----Cora_GNN.py(第7部分)

  1. # 1.7 搭建多层图卷积网络模型
  2. class GCN(nn.Module):
  3. def __init__(self, f_in, n_classes, hidden=[16], dropout_p=0.5): # 实现多层图卷积网络,该网的搭建方法与全连接网络的搭建一致,只是将全连接层转化成GraphConvolution所实现的图卷积层
  4. # super(GCN, self).__init__()
  5. super().__init__()
  6. layers = []
  7. # 根据参数构建多层网络
  8. for f_in, f_out in zip([f_in] + hidden[:-1], hidden):
  9. # python 在list上的“+=”的重载函数是extend()函数,而不是+
  10. # layers = [GraphConvolution(f_in, f_out)] + layers
  11. layers += [GraphConvolution(f_in, f_out)]
  12. self.layers = nn.Sequential(*layers)
  13. self.dropout_p = dropout_p
  14. # 构建输出层
  15. self.out_layer = GraphConvolution(f_out, n_classes, activation=None)
  16. def forward(self, x, adj): # 实现前向处理过程
  17. for layer in self.layers:
  18. x = layer(x,adj)
  19. # 函数方式调用dropout():必须指定模型的运行状态,即Training标志,这样可减少很多麻烦
  20. F.dropout(x,self.dropout_p,training=self.training,inplace=True)
  21. return self.out_layer(x,adj)
  22. n_labels = labels.max().item() + 1 # 获取分类个数7
  23. n_features = features.shape[1] # 获取节点特征维度 1433
  24. print(n_labels,n_features) # 输出7与1433
  25. def accuracy(output,y): # 定义函数计算准确率
  26. return (output.argmax(1) == y).type(torch.float32).mean().item()
  27. ### 定义函数来实现模型的训练过程。与深度学习任务不同,图卷积在训练时需要传入样本间的关系数据。
  28. # 因为该关系数据是与节点数相等的方阵,所以传入的样本数也要与节点数相同,在计算loss值时,可以通过索引从总的运算结果中取出训练集的结果。
  29. def step(): # 定义函数来训练模型 Tip:在图卷积任务中,无论是用模型进行预测还是训练,都需要将全部的图结构方阵输入
  30. model.train()
  31. optimizer.zero_grad()
  32. output = model(features,adj) # 将全部数据载入模型,只用训练数据计算损失
  33. loss = F.cross_entropy(output[idx_train],labels[idx_train])
  34. acc = accuracy(output[idx_train],labels[idx_train]) # 计算准确率
  35. loss.backward()
  36. optimizer.step()
  37. return loss.item(),acc
  38. def evaluate(idx): # 定义函数来评估模型 Tip:在图卷积任务中,无论是用模型进行预测还是训练,都需要将全部的图结构方阵输入
  39. model.eval()
  40. output = model(features, adj) # 将全部数据载入模型,用指定索引评估模型结果
  41. loss = F.cross_entropy(output[idx], labels[idx]).item()
  42. return loss, accuracy(output[idx], labels[idx])

2.8 Ranger优化器

图卷积神经网络的层数不宜过多,一般在3层左右即可。本例将实现一个3层的图卷积神经网络,每层的维度变化如图9-15所示。

使用循环语句训练模型,并将模型结果可视化。

2.8.1 代码实现:用Ranger优化器训练模型并可视化结果----Cora_GNN.py(第8部分)

  1. # 1.8 使用Ranger优化器训练模型并可视化
  2. model = GCN(n_features, n_labels, hidden=[16, 32, 16]).to(device)
  3. from tqdm import tqdm
  4. from Cora_ranger import * # 引入Ranger优化器
  5. optimizer = Ranger(model.parameters()) # 使用Ranger优化器
  6. # 训练模型
  7. epochs = 1000
  8. print_steps = 50
  9. train_loss, train_acc = [], []
  10. val_loss, val_acc = [], []
  11. for i in tqdm(range(epochs)):
  12. tl,ta = step()
  13. train_loss = train_loss + [tl]
  14. train_acc = train_acc + [ta]
  15. if (i+1) % print_steps == 0 or i == 0:
  16. tl,ta = evaluate(idx_train)
  17. vl,va = evaluate(idx_val)
  18. val_loss = val_loss + [vl]
  19. val_acc = val_acc + [va]
  20. print(f'{i + 1:6d}/{epochs}: train_loss={tl:.4f}, train_acc={ta:.4f}' + f', val_loss={vl:.4f}, val_acc={va:.4f}')
  21. # 输出最终结果
  22. final_train, final_val, final_test = evaluate(idx_train), evaluate(idx_val), evaluate(idx_test)
  23. print(f'Train : loss={final_train[0]:.4f}, accuracy={final_train[1]:.4f}')
  24. print(f'Validation: loss={final_val[0]:.4f}, accuracy={final_val[1]:.4f}')
  25. print(f'Test : loss={final_test[0]:.4f}, accuracy={final_test[1]:.4f}')
  26. # 可视化训练过程
  27. fig, axes = plt.subplots(1, 2, figsize=(15,5))
  28. ax = axes[0]
  29. axes[0].plot(train_loss[::print_steps] + [train_loss[-1]], label='Train')
  30. axes[0].plot(val_loss, label='Validation')
  31. axes[1].plot(train_acc[::print_steps] + [train_acc[-1]], label='Train')
  32. axes[1].plot(val_acc, label='Validation')
  33. for ax,t in zip(axes, ['Loss', 'Accuracy']): ax.legend(), ax.set_title(t, size=15)
  34. # 输出模型的预测结果
  35. output = model(features, adj)
  36. samples = 10
  37. idx_sample = idx_test[torch.randperm(len(idx_test))[:samples]]
  38. # 将样本标签与预测结果进行比较
  39. idx2lbl = {v:k for k,v in lbl2idx.items()}
  40. df = pd.DataFrame({'Real': [idx2lbl[e] for e in labels[idx_sample].tolist()],'Pred': [idx2lbl[e] for e in output[idx_sample].argmax(1).tolist()]})
  41. print(df)

2.7 程序输出汇总

2.7.1 训练过程 

2.7.3 验证结果

2.8 结论

从训练结果中可以看出,该模型具有很好的拟合能力。值得一提的是,图卷积模型所使用的训练样本非常少,只使用了2708个样本中的200个进行训练。因为加入了样本间的关系信息,所以模型对样本量的依赖大幅下降。这也正是图神经网络模型的优势。

3 代码汇总

3.1 Cora_GNN.py

  1. from pathlib import Path # 引入提升路径的兼容性
  2. # 引入矩阵运算的相关库
  3. import numpy as np
  4. import pandas as pd
  5. from scipy.sparse import coo_matrix,csr_matrix,diags,eye
  6. # 引入深度学习框架库
  7. import torch
  8. from torch import nn
  9. import torch.nn.functional as F
  10. # 引入绘图库
  11. import matplotlib.pyplot as plt
  12. import os
  13. os.environ["KMP_DUPLICATE_LIB_OK"]="TRUE"
  14. # 1.1 导入基础模块,并设置运行环境
  15. # 输出计算资源情况
  16. device = torch.device('cuda')if torch.cuda.is_available() else torch.device('cpu')
  17. print(device) # 输出 cuda
  18. # 输出样本路径
  19. path = Path('./data/cora')
  20. print(path) # 输出 cuda
  21. # 1.2 读取并解析论文数据
  22. # 读取论文内容数据,将其转化为数据
  23. paper_features_label = np.genfromtxt(path/'cora.content',dtype=np.str_) # 使用Path对象的路径构造,实例化的内容为cora.content。path/'cora.content'表示路径为'data/cora/cora.content'的字符串
  24. print(paper_features_label,np.shape(paper_features_label)) # 打印数据集内容与数据的形状
  25. # 取出数据集中的第一列:论文ID
  26. papers = paper_features_label[:,0].astype(np.int32)
  27. print("论文ID序列:",papers) # 输出所有论文ID
  28. # 论文重新编号,并将其映射到论文ID中,实现论文的统一管理
  29. paper2idx = {k:v for v,k in enumerate(papers)}
  30. # 将数据中间部分的字标签取出,转化成矩阵
  31. features = csr_matrix(paper_features_label[:,1:-1],dtype=np.float32)
  32. print("字标签矩阵的形状:",np.shape(features)) # 字标签矩阵的形状
  33. # 将数据的最后一项的文章分类属性取出,转化为分类的索引
  34. labels = paper_features_label[:,-1]
  35. lbl2idx = { k:v for v,k in enumerate(sorted(np.unique(labels)))}
  36. labels = [lbl2idx[e] for e in labels]
  37. print("论文类别的索引号:",lbl2idx,labels[:5])
  38. # 1.3 读取并解析论文关系数据
  39. # 读取论文关系数据,并将其转化为数据
  40. edges = np.genfromtxt(path/'cora.cites',dtype=np.int32) # 将数据集中论文的引用关系以数据的形式读入
  41. print(edges,np.shape(edges))
  42. # 转化为新编号节点间的关系:将数据集中论文ID表示的关系转化为重新编号后的关系
  43. edges = np.asarray([paper2idx[e] for e in edges.flatten()],np.int32).reshape(edges.shape)
  44. print("新编号节点间的对应关系:",edges,edges.shape)
  45. # 计算邻接矩阵,行与列都是论文个数:由论文引用关系所表示的图结构生成邻接矩阵。
  46. adj = coo_matrix((np.ones(edges.shape[0]), (edges[:, 0], edges[:, 1])),shape=(len(labels), len(labels)), dtype=np.float32)
  47. # 生成无向图对称矩阵:将有向图的邻接矩阵转化为无向图的邻接矩阵。Tip:转化为无向图的原因:主要用于对论文的分类,论文的引用关系主要提供单个特征之间的关联,故更看重是不是有关系,所以无向图即可。
  48. adj_long = adj.multiply(adj.T < adj)
  49. adj = adj_long + adj_long.T
  50. # 1.4 加工图结构的矩阵数据
  51. def normalize(mx): # 定义函数,对矩阵的数据进行归一化处理
  52. rowsum = np.array(mx.sum(1)) # 计算每一篇论文的字数==>02 对A中的边数求和,计算出矩阵A的度矩阵D^的特征向量
  53. r_inv = (rowsum ** -1).flatten() # 取总字数的倒数==>03 对矩阵A的度矩阵D^的特征向量求逆,并得到D^逆的特征向量
  54. r_inv[np.isinf(r_inv)] = 0.0 # 将NaN值取为0
  55. r_mat_inv = diags(r_inv) # 将总字数的倒数变为对角矩阵===》对图结构的度矩阵求逆==>04 D^逆的特征向量转化为对角矩阵,得到D^逆
  56. mx = r_mat_inv.dot(mx) # 左乘一个矩阵,相当于每个元素除以总数===》对每个论文顶点的边进行归一化处理==>05 计算D^逆与A加入自环(对角线为1)的邻接矩阵所得A^的点积,得到拉普拉斯矩阵。
  57. return mx
  58. # 对features矩阵进行归一化处理(每行总和为1)
  59. features = normalize(features) #在函数normalize()中,分为两步对邻接矩阵进行处理。1、将每篇论文总字数的倒数变成对角矩阵。该操作相当于对图结构的度矩阵求逆。2、用度矩阵的逆左乘邻接矩阵,相当于对图中每个论文顶点的边进行归一化处理。
  60. # 对邻接矩阵的对角线添1,将其变为自循环图,同时对其进行归一化处理
  61. adj = normalize(adj + eye(adj.shape[0])) # 对角线补1==>01实现加入自环的邻接矩阵A
  62. # 1.5 将数据转化为张量,并分配运算资源
  63. adj = torch.FloatTensor(adj.todense()) # 节点间关系 todense()方法将其转换回稠密矩阵。
  64. features = torch.FloatTensor(features.todense()) # 节点自身的特征
  65. labels = torch.LongTensor(labels) # 对每个节点的分类标签
  66. # 划分数据集
  67. n_train = 200 # 训练数据集大小
  68. n_val = 300 # 验证数据集大小
  69. n_test = len(features) - n_train - n_val # 测试数据集大小
  70. np.random.seed(34)
  71. idxs = np.random.permutation(len(features)) # 将原有的索引打乱顺序
  72. # 计算每个数据集的索引
  73. idx_train = torch.LongTensor(idxs[:n_train]) # 根据指定训练数据集的大小并划分出其对应的训练数据集索引
  74. idx_val = torch.LongTensor(idxs[n_train:n_train+n_val])# 根据指定验证数据集的大小并划分出其对应的验证数据集索引
  75. idx_test = torch.LongTensor(idxs[n_train+n_val:])# 根据指定测试数据集的大小并划分出其对应的测试数据集索引
  76. # 分配运算资源
  77. adj = adj.to(device)
  78. features = features.to(device)
  79. labels = labels.to(device)
  80. idx_train = idx_train.to(device)
  81. idx_val = idx_val.to(device)
  82. idx_test = idx_test.to(device)
  83. # 1.6 定义Mish激活函数与图卷积操作类
  84. def mish(x): # 性能优于RElu函数
  85. return x * (torch.tanh(F.softplus(x)))
  86. # 图卷积类
  87. class GraphConvolution(nn.Module):
  88. def __init__(self,f_in,f_out,use_bias = True,activation=mish):
  89. # super(GraphConvolution, self).__init__()
  90. super().__init__()
  91. self.f_in = f_in
  92. self.f_out = f_out
  93. self.use_bias = use_bias
  94. self.activation = activation
  95. self.weight = nn.Parameter(torch.FloatTensor(f_in, f_out))
  96. self.bias = nn.Parameter(torch.FloatTensor(f_out)) if use_bias else None
  97. self.initialize_weights()
  98. def initialize_weights(self):# 对参数进行初始化
  99. if self.activation is None: # 初始化权重
  100. nn.init.xavier_uniform_(self.weight)
  101. else:
  102. nn.init.kaiming_uniform_(self.weight, nonlinearity='leaky_relu')
  103. if self.use_bias:
  104. nn.init.zeros_(self.bias)
  105. def forward(self,input,adj): # 实现模型的正向处理流程
  106. support = torch.mm(input,self.weight) # 节点特征与权重点积:torch.mm()实现矩阵的相乘,仅支持二位矩阵。若是多维矩则使用torch.matmul()
  107. output = torch.mm(adj,support) # 将加工后的邻接矩阵放入点积运算
  108. if self.use_bias:
  109. output.add_(self.bias) # 加入偏置
  110. if self.activation is not None:
  111. output = self.activation(output) # 激活函数处理
  112. return output
  113. # 1.7 搭建多层图卷积网络模型
  114. class GCN(nn.Module):
  115. def __init__(self, f_in, n_classes, hidden=[16], dropout_p=0.5): # 实现多层图卷积网络,该网的搭建方法与全连接网络的搭建一致,只是将全连接层转化成GraphConvolution所实现的图卷积层
  116. # super(GCN, self).__init__()
  117. super().__init__()
  118. layers = []
  119. # 根据参数构建多层网络
  120. for f_in, f_out in zip([f_in] + hidden[:-1], hidden):
  121. # python 在list上的“+=”的重载函数是extend()函数,而不是+
  122. # layers = [GraphConvolution(f_in, f_out)] + layers
  123. layers += [GraphConvolution(f_in, f_out)]
  124. self.layers = nn.Sequential(*layers)
  125. self.dropout_p = dropout_p
  126. # 构建输出层
  127. self.out_layer = GraphConvolution(f_out, n_classes, activation=None)
  128. def forward(self, x, adj): # 实现前向处理过程
  129. for layer in self.layers:
  130. x = layer(x,adj)
  131. # 函数方式调用dropout():必须指定模型的运行状态,即Training标志,这样可减少很多麻烦
  132. F.dropout(x,self.dropout_p,training=self.training,inplace=True)
  133. return self.out_layer(x,adj)
  134. n_labels = labels.max().item() + 1 # 获取分类个数7
  135. n_features = features.shape[1] # 获取节点特征维度 1433
  136. print(n_labels,n_features) # 输出7与1433
  137. def accuracy(output,y): # 定义函数计算准确率
  138. return (output.argmax(1) == y).type(torch.float32).mean().item()
  139. ### 定义函数来实现模型的训练过程。与深度学习任务不同,图卷积在训练时需要传入样本间的关系数据。
  140. # 因为该关系数据是与节点数相等的方阵,所以传入的样本数也要与节点数相同,在计算loss值时,可以通过索引从总的运算结果中取出训练集的结果。
  141. def step(): # 定义函数来训练模型 Tip:在图卷积任务中,无论是用模型进行预测还是训练,都需要将全部的图结构方阵输入
  142. model.train()
  143. optimizer.zero_grad()
  144. output = model(features,adj) # 将全部数据载入模型,只用训练数据计算损失
  145. loss = F.cross_entropy(output[idx_train],labels[idx_train])
  146. acc = accuracy(output[idx_train],labels[idx_train]) # 计算准确率
  147. loss.backward()
  148. optimizer.step()
  149. return loss.item(),acc
  150. def evaluate(idx): # 定义函数来评估模型 Tip:在图卷积任务中,无论是用模型进行预测还是训练,都需要将全部的图结构方阵输入
  151. model.eval()
  152. output = model(features, adj) # 将全部数据载入模型,用指定索引评估模型结果
  153. loss = F.cross_entropy(output[idx], labels[idx]).item()
  154. return loss, accuracy(output[idx], labels[idx])
  155. # 1.8 使用Ranger优化器训练模型并可视化
  156. model = GCN(n_features, n_labels, hidden=[16, 32, 16]).to(device)
  157. from tqdm import tqdm
  158. from Cora_ranger import * # 引入Ranger优化器
  159. optimizer = Ranger(model.parameters()) # 使用Ranger优化器
  160. # 训练模型
  161. epochs = 1000
  162. print_steps = 50
  163. train_loss, train_acc = [], []
  164. val_loss, val_acc = [], []
  165. for i in tqdm(range(epochs)):
  166. tl,ta = step()
  167. train_loss = train_loss + [tl]
  168. train_acc = train_acc + [ta]
  169. if (i+1) % print_steps == 0 or i == 0:
  170. tl,ta = evaluate(idx_train)
  171. vl,va = evaluate(idx_val)
  172. val_loss = val_loss + [vl]
  173. val_acc = val_acc + [va]
  174. print(f'{i + 1:6d}/{epochs}: train_loss={tl:.4f}, train_acc={ta:.4f}' + f', val_loss={vl:.4f}, val_acc={va:.4f}')
  175. # 输出最终结果
  176. final_train, final_val, final_test = evaluate(idx_train), evaluate(idx_val), evaluate(idx_test)
  177. print(f'Train : loss={final_train[0]:.4f}, accuracy={final_train[1]:.4f}')
  178. print(f'Validation: loss={final_val[0]:.4f}, accuracy={final_val[1]:.4f}')
  179. print(f'Test : loss={final_test[0]:.4f}, accuracy={final_test[1]:.4f}')
  180. # 可视化训练过程
  181. fig, axes = plt.subplots(1, 2, figsize=(15,5))
  182. ax = axes[0]
  183. axes[0].plot(train_loss[::print_steps] + [train_loss[-1]], label='Train')
  184. axes[0].plot(val_loss, label='Validation')
  185. axes[1].plot(train_acc[::print_steps] + [train_acc[-1]], label='Train')
  186. axes[1].plot(val_acc, label='Validation')
  187. for ax,t in zip(axes, ['Loss', 'Accuracy']): ax.legend(), ax.set_title(t, size=15)
  188. # 输出模型的预测结果
  189. output = model(features, adj)
  190. samples = 10
  191. idx_sample = idx_test[torch.randperm(len(idx_test))[:samples]]
  192. # 将样本标签与预测结果进行比较
  193. idx2lbl = {v:k for k,v in lbl2idx.items()}
  194. df = pd.DataFrame({'Real': [idx2lbl[e] for e in labels[idx_sample].tolist()],'Pred': [idx2lbl[e] for e in output[idx_sample].argmax(1).tolist()]})
  195. print(df)

3.2 Cora_ranger.py

  1. #Ranger deep learning optimizer - RAdam + Lookahead combined.
  2. #https://github.com/lessw2020/Ranger-Deep-Learning-Optimizer
  3. #Ranger has now been used to capture 12 records on the FastAI leaderboard.
  4. #This version = 9.3.19
  5. #Credits:
  6. #RAdam --> https://github.com/LiyuanLucasLiu/RAdam
  7. #Lookahead --> rewritten by lessw2020, but big thanks to Github @LonePatient and @RWightman for ideas from their code.
  8. #Lookahead paper --> MZhang,G Hinton https://arxiv.org/abs/1907.08610
  9. #summary of changes:
  10. #full code integration with all updates at param level instead of group, moves slow weights into state dict (from generic weights),
  11. #supports group learning rates (thanks @SHolderbach), fixes sporadic load from saved model issues.
  12. #changes 8/31/19 - fix references to *self*.N_sma_threshold;
  13. #changed eps to 1e-5 as better default than 1e-8.
  14. import math
  15. import torch
  16. from torch.optim.optimizer import Optimizer, required
  17. import itertools as it
  18. class Ranger(Optimizer):
  19. def __init__(self, params, lr=1e-3, alpha=0.5, k=6, N_sma_threshhold=5, betas=(.95,0.999), eps=1e-5, weight_decay=0):
  20. #parameter checks
  21. if not 0.0 <= alpha <= 1.0:
  22. raise ValueError(f'Invalid slow update rate: {alpha}')
  23. if not 1 <= k:
  24. raise ValueError(f'Invalid lookahead steps: {k}')
  25. if not lr > 0:
  26. raise ValueError(f'Invalid Learning Rate: {lr}')
  27. if not eps > 0:
  28. raise ValueError(f'Invalid eps: {eps}')
  29. #parameter comments:
  30. # beta1 (momentum) of .95 seems to work better than .90...
  31. #N_sma_threshold of 5 seems better in testing than 4.
  32. #In both cases, worth testing on your dataset (.90 vs .95, 4 vs 5) to make sure which works best for you.
  33. #prep defaults and init torch.optim base
  34. defaults = dict(lr=lr, alpha=alpha, k=k, step_counter=0, betas=betas, N_sma_threshhold=N_sma_threshhold, eps=eps, weight_decay=weight_decay)
  35. super().__init__(params,defaults)
  36. #adjustable threshold
  37. self.N_sma_threshhold = N_sma_threshhold
  38. #now we can get to work...
  39. #removed as we now use step from RAdam...no need for duplicate step counting
  40. #for group in self.param_groups:
  41. # group["step_counter"] = 0
  42. #print("group step counter init")
  43. #look ahead params
  44. self.alpha = alpha
  45. self.k = k
  46. #radam buffer for state
  47. self.radam_buffer = [[None,None,None] for ind in range(10)]
  48. #self.first_run_check=0
  49. #lookahead weights
  50. #9/2/19 - lookahead param tensors have been moved to state storage.
  51. #This should resolve issues with load/save where weights were left in GPU memory from first load, slowing down future runs.
  52. #self.slow_weights = [[p.clone().detach() for p in group['params']]
  53. # for group in self.param_groups]
  54. #don't use grad for lookahead weights
  55. #for w in it.chain(*self.slow_weights):
  56. # w.requires_grad = False
  57. def __setstate__(self, state):
  58. print("set state called")
  59. super(Ranger, self).__setstate__(state)
  60. def step(self, closure=None):
  61. loss = None
  62. #note - below is commented out b/c I have other work that passes back the loss as a float, and thus not a callable closure.
  63. #Uncomment if you need to use the actual closure...
  64. #if closure is not None:
  65. #loss = closure()
  66. #Evaluate averages and grad, update param tensors
  67. for group in self.param_groups:
  68. for p in group['params']:
  69. if p.grad is None:
  70. continue
  71. grad = p.grad.data.float()
  72. if grad.is_sparse:
  73. raise RuntimeError('Ranger optimizer does not support sparse gradients')
  74. p_data_fp32 = p.data.float()
  75. state = self.state[p] #get state dict for this param
  76. if len(state) == 0: #if first time to run...init dictionary with our desired entries
  77. #if self.first_run_check==0:
  78. #self.first_run_check=1
  79. #print("Initializing slow buffer...should not see this at load from saved model!")
  80. state['step'] = 0
  81. state['exp_avg'] = torch.zeros_like(p_data_fp32)
  82. state['exp_avg_sq'] = torch.zeros_like(p_data_fp32)
  83. #look ahead weight storage now in state dict
  84. state['slow_buffer'] = torch.empty_like(p.data)
  85. state['slow_buffer'].copy_(p.data)
  86. else:
  87. state['exp_avg'] = state['exp_avg'].type_as(p_data_fp32)
  88. state['exp_avg_sq'] = state['exp_avg_sq'].type_as(p_data_fp32)
  89. #begin computations
  90. exp_avg, exp_avg_sq = state['exp_avg'], state['exp_avg_sq']
  91. beta1, beta2 = group['betas']
  92. #compute variance mov avg
  93. exp_avg_sq.mul_(beta2).addcmul_(1 - beta2, grad, grad)
  94. #compute mean moving avg
  95. exp_avg.mul_(beta1).add_(1 - beta1, grad)
  96. state['step'] += 1
  97. buffered = self.radam_buffer[int(state['step'] % 10)]
  98. if state['step'] == buffered[0]:
  99. N_sma, step_size = buffered[1], buffered[2]
  100. else:
  101. buffered[0] = state['step']
  102. beta2_t = beta2 ** state['step']
  103. N_sma_max = 2 / (1 - beta2) - 1
  104. N_sma = N_sma_max - 2 * state['step'] * beta2_t / (1 - beta2_t)
  105. buffered[1] = N_sma
  106. if N_sma > self.N_sma_threshhold:
  107. step_size = math.sqrt((1 - beta2_t) * (N_sma - 4) / (N_sma_max - 4) * (N_sma - 2) / N_sma * N_sma_max / (N_sma_max - 2)) / (1 - beta1 ** state['step'])
  108. else:
  109. step_size = 1.0 / (1 - beta1 ** state['step'])
  110. buffered[2] = step_size
  111. if group['weight_decay'] != 0:
  112. p_data_fp32.add_(-group['weight_decay'] * group['lr'], p_data_fp32)
  113. if N_sma > self.N_sma_threshhold:
  114. denom = exp_avg_sq.sqrt().add_(group['eps'])
  115. p_data_fp32.addcdiv_(-step_size * group['lr'], exp_avg, denom)
  116. else:
  117. p_data_fp32.add_(-step_size * group['lr'], exp_avg)
  118. p.data.copy_(p_data_fp32)
  119. #integrated look ahead...
  120. #we do it at the param level instead of group level
  121. if state['step'] % group['k'] == 0:
  122. slow_p = state['slow_buffer'] #get access to slow param tensor
  123. slow_p.add_(self.alpha, p.data - slow_p) #(fast weights - slow weights) * alpha
  124. p.data.copy_(slow_p) #copy interpolated weights to RAdam param tensor
  125. return loss

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/Gausst松鼠会/article/detail/353349
推荐阅读
相关标签
  

闽ICP备14008679号