当前位置:   article > 正文

【图像分类案例】(10) Vision Transformer 动物图像三分类,附Pytorch完整代码_基于vision transformer的图像分类

基于vision transformer的图像分类

大家好,今天和各位分享一下如何使用 Pytorch 构建 Vision Transformer 网络模型,并使用 权重迁移学习方法 训练模型并预测。

 

Vision Transformer 的原理TensorFlow2 的实现方法可以看我下面这篇博文:https://blog.csdn.net/dgvv4/article/details/124792386


1. 引言

经典的 Transformer 由 Encoder 和 Decoder 组成,其中,最重要的就是多头注意力机制(Multi-head attention)。在 Vision Transformer 中作者通过 Transformer 的 Encoder 部分直接进行分类任务,与 NLP 中的处理方式类似,在图片序列中加入分类 token图片序列则由原始图像切割成若干个图像块(Patch)得到,如下图所示。

主要通过以下步骤进行转换:

(1)假设一张输入图片的形状为(B,C,H,W),其中 B 代表 Batch 大小,C 表示输入图片通道个数,H 和 W 表示输入图片的高和宽。

(2)那么,通过矩阵变换,可以将其转化为  (B,N,P^{2}C),其中,P 代表 Patch 的大小,N 的值为 H*W/P^{2}

(3)将切分为若干个 Patch 的图片分别送到 TransFormer  Layer 中处理,在此过程中通过注意力机制进行输入特征的提取。


2. 模型构建

接下来构建 Vision Transformer 的主干模型,本小节的代码都写在 VisionTransformer_model.py 文件中。先导入模型构建过程中需要用到的工具包。

  1. import torch
  2. from torch import nn
  3. from functools import partial

2.1 Patch Embedding

首先对输入图像 [b,3,224,224] 做Patch Embedding 操作。首先进行图像分块,将图片切分成14*14个图像块(Patch),每个 Patch 的尺寸为 16*16通过提取输入图片中的平坦像素向量,将每个输入 Patch 送入线性投影层,得到 Patch Embeddings。

在代码中其流程如上图,先经过一个 kernel=(16,16),strides=16 的卷积层划分图像块,再将 h和w 维度整合为 num_patches 维度,代表一共有 196 个 patch,每个 patch 为 16*16

代码如下:

  1. # --------------------------------------- #
  2. #(1)patch embedding
  3. '''
  4. img_size=224 : 输入图像的宽高
  5. patch_size=16 : 每个patch的宽高,也是卷积核的尺寸和步长
  6. in_c=3 : 输入图像的通道数
  7. embed_dim=768 : 卷积输出通道数
  8. '''
  9. # --------------------------------------- #
  10. class patchembed(nn.Module):
  11. # 初始化
  12. def __init__(self, img_size=224, patch_size=16, in_c=3, embed_dim=768):
  13. super(patchembed, self).__init__()
  14. # 输入图像的尺寸224*224
  15. self.img_size = (img_size, img_size)
  16. # 每个patch的大小16*16
  17. self.patch_size = (patch_size, patch_size)
  18. # 将输入图像划分成14*14个patch
  19. self.grid_size = (img_size//patch_size, img_size//patch_size)
  20. # 一共有14*14个patch
  21. self.num_patches = self.grid_size[0] * self.grid_size[1]
  22. # 使用16*16的卷积切分图像,将图像分成14*14个
  23. self.proj = nn.Conv2d(in_channels=in_c, out_channels=embed_dim,
  24. kernel_size=patch_size, stride=patch_size)
  25. # 定义标准化方法,给LN传入默认参数eps
  26. norm_layer = partial(nn.LayerNorm, eps=1e-6)
  27. self.norm = norm_layer(embed_dim)
  28. # 前向传播
  29. def forward(self, inputs):
  30. # 获得输入图像的shape
  31. B, C, H, W = inputs.shape
  32. # 如果输入图像的宽高不等于224*224就报错
  33. assert H==self.img_size[0] and W==self.img_size[1], 'input shape does not match 224*224'
  34. # 卷积层切分patch [b,3,224,224]==>[b,768,14,14]
  35. x = self.proj(inputs)
  36. # 展平 [b,768,14,14]==>[b,768,14*14]
  37. x = x.flatten(start_dim=2, end_dim=-1) # 将索引为 start_dim 和 end_dim 之间(包括该位置)的数量相乘
  38. # 维度调整 [b,768,14*14]==>[b,14*14,768]
  39. x = x.transpose(1, 2) # 实现一个张量的两个轴之间的维度转换
  40. # 标准化
  41. x = self.norm(x)
  42. return x

2.2 类别标签和位置编码

为了输出融合了全局语义信息的向量表示,在第一个输入张量前添加可学习分类变量。经过编码器编码后,在最后一层输出中,该位置对应的输出张量就可以用于分类任务与其他位置对应的输出向量相比,该向量可以更好的融合图像中各个图像块之间的依赖关系

在 Transformer 更新的过程中,输入序列的顺序信息会丢失。Transformer 本身并没有办法学习这个信息,所以需要一种方法将位置表示聚合到模型的输入嵌入中。我们对每个 Patch 进行位置编码该位置编码采用随机初始化,之后参与模型训练。与传统三角函数的位置编码方法不同,该方法是可学习的。

最后,将 Patch-Embeddings 和 class-token 进行堆叠,和 Position-Embeddings 进行叠加,得到最终嵌入向量,该向量输入给 Transformer 层进行后续处理。

在代码中,要注意 cls_token 和 inputs 做堆叠 torch.cat() 时需要将类别标签 cls_token 放在最前面

代码如下:

  1. # --------------------------------------- #
  2. #(2)类别标签和位置标签
  3. '''
  4. embed_dim : 代表patchembed层输出的通道数
  5. '''
  6. # --------------------------------------- #
  7. class class_token_pos_embed(nn.Module):
  8. # 初始化
  9. def __init__(self, embed_dim):
  10. super(class_token_pos_embed, self).__init__()
  11. # patchembed层将图像划分的patch个数==14*14
  12. num_patches = patchembed().num_patches
  13. self.num_tokens = 1 # 类别标签
  14. # 创建可学习的类别标签 [1,1,768]
  15. self.cls_token = nn.Parameter(torch.zeros(1, 1, embed_dim))
  16. # 创建可学习的位置编码 [1,196+1,768]
  17. self.pos_embed = nn.Parameter(torch.zeros(1, num_patches+self.num_tokens, embed_dim))
  18. # 权重以正态分布初始化
  19. nn.init.trunc_normal_(self.pos_embed, std=0.02)
  20. nn.init.trunc_normal_(self.cls_token, std=0.02)
  21. # 前向传播
  22. def forward(self, x): # 输入特征图的shape=[b,196,768]
  23. # 类别标签扩充维度 [1,1,768]==>[b,1,768]
  24. cls_token = self.cls_token.expand(x.shape[0], -1, -1)
  25. # 将类别标签添加到特征图中 [b,1,768]+[b,196,768]==>[b,197,768]
  26. x = torch.cat((cls_token, x), dim=1)
  27. # 添加位置编码 [b,197,768]+[1,197,768]==>[b,197,768]
  28. x = x + self.pos_embed
  29. return x

2.3 多头自注意力模块

Transformer 层中,主要包含多头注意力机制和多层感知机模块,下面先介绍多头自注意力模块。

单个的注意力机制,其每个输入包含三个不同的向量,分别为 Query向量(Q),Key向量(K),Value向量(V)他们的结果分别由输入特征图和三个权重做矩阵乘法得到

接着为每一个输入计算一个得分 

为了使梯度稳定,对 Score 的值进行归一化处理,并将结果通过 softmax 函数进行映射之后再和 v 做矩阵相乘,得到加权后每个输入向量的得分 v。计算完后再乘以一个权重张量 W 提取特征。

计算公式如下,其中 \sqrt{d_{k}} 代表 K 向量维度的平方根

代码如下:

  1. # --------------------------------------- #
  2. #(3)多头注意力模块
  3. '''
  4. dim : 代表输入特征图的通道数
  5. num_heads : 多头注意力中heads的个数
  6. qkv_bias : 生成qkv时是否使用偏置
  7. atten_drop_ratio :qk计算完之后的dropout层
  8. proj_drop_ratio : qkv计算完成之后的dropout层
  9. '''
  10. # --------------------------------------- #
  11. class attention(nn.Module):
  12. # 初始化
  13. def __init__(self, dim, num_heads=12, qkv_bias=False, atten_drop_ratio=0., proj_drop_ratio=0.):
  14. super(attention, self).__init__()
  15. # 多头注意力的数量
  16. self.num_heads = num_heads
  17. # 将生成的qkv均分成num_heads个。得到每个head的qkv对应的通道数。
  18. head_dim = dim // num_heads
  19. # 公式中的分母
  20. self.scale = head_dim ** -0.5
  21. # 通过一个全连接层计算qkv
  22. self.qkv = nn.Linear(in_features=dim, out_features=dim*3, bias=qkv_bias)
  23. # dropout层
  24. self.atten_drop = nn.Dropout(atten_drop_ratio)
  25. # 再qkv计算完之后通过一个全连接提取特征
  26. self.proj = nn.Linear(in_features=dim, out_features=dim)
  27. # dropout层
  28. self.proj_drop = nn.Dropout(proj_drop_ratio)
  29. # 前向传播
  30. def forward(self, inputs):
  31. # 获取输入图像的shape=[b,197,768]
  32. B, N, C = inputs.shape
  33. # 将输入特征图经过全连接层生成qkv [b,197,768]==>[b,197,768*3]
  34. qkv = self.qkv(inputs)
  35. # 维度调整 [b,197,768*3]==>[b, 197, 3, 12, 768//12]
  36. qkv = qkv.reshape(B, N, 3, self.num_heads, C//self.num_heads)
  37. # 维度重排==> [3, B, 12, 197, 768//12]
  38. qkv = qkv.permute(2,0,3,1,4)
  39. # 切片提取q、k、v的值,单个的shape=[B, 12, 197, 768//12]
  40. q, k, v = qkv[0], qkv[1], qkv[2]
  41. # 针对每个head计算 ==> [B, 12, 197, 197]
  42. atten = (q @ k.transpose(-2,-1)) * self.scale # @ 代表在多维tensor的最后两个维度矩阵相乘
  43. # 对计算结果的每一行经过softmax
  44. atten = atten.softmax(dim=-1)
  45. # dropout层
  46. atten = self.atten_drop(atten)
  47. # softmax后的结果和v加权 ==> [B, 12, 197, 768//12]
  48. x = atten @ v
  49. # 通道重排 ==> [B, 197, 12, 768//12]
  50. x = x.transpose(1,2)
  51. # 维度调整 ==> [B, 197, 768]
  52. x = x.reshape(B,N,C)
  53. # 通过全连接层融合特征 ==> [B, 197, 768]
  54. x = self.proj(x)
  55. # dropout层
  56. x = self.proj_drop(x)
  57. return x

2.4 MLP 多层感知器

这个部分简单来看就是两个全连接层提取特征,流程图如下。第一个全连接层通道上升4倍,第二个全连接层通道下降为原来。

代码如下:

  1. # --------------------------------------- #
  2. #(4)MLP多层感知器
  3. '''
  4. in_features : 输入特征图的通道数
  5. hidden_features : 第一个全连接层上升通道数
  6. out_features : 第二个全连接层的下降的通道数
  7. drop : 全连接层后面的dropout层的杀死神经元的概率
  8. '''
  9. # --------------------------------------- #
  10. class MLP(nn.Module):
  11. # 初始化
  12. def __init__(self, in_features, hidden_features, out_features=None, drop=0.):
  13. super(MLP, self).__init__()
  14. # MLP的输出通道数默认等于输入通道数
  15. out_features = out_features or in_features
  16. # 第一个全连接层上升通道数
  17. self.fc1 = nn.Linear(in_features=in_features, out_features=hidden_features)
  18. # GeLU激活函数
  19. self.act = nn.GELU()
  20. # 第二个全连接下降通道数
  21. self.fc2 = nn.Linear(in_features=hidden_features, out_features=out_features)
  22. # dropout层
  23. self.drop = nn.Dropout(drop)
  24. # 前向传播
  25. def forward(self, inputs):
  26. # [b,197,768]==>[b,197,3072]
  27. x = self.fc1(inputs)
  28. x = self.act(x)
  29. x = self.drop(x)
  30. # [b,197,3072]==>[b,197,768]
  31. x = self.fc2(x)
  32. x = self.drop(x)
  33. return x

2.5 特征提取模块

Transformer 的单个特征提取模块是由 多头注意力机制多层感知机模块 组合而成,encoder_block 模块的流程图如下。

输入图像像经过 LayerNormalization 标准化后再经过我们上面定义的多头注意力模块,将输出结果和输入特征图残差连接图像在特征提取过程中shape保持不变

将输出结果再经过标准化,然后送入多层感知器提取特征,再使用残差连接输入和输出。

而 transformer 的特征提取模块是由多个 encoder_block 叠加而成,这里连续使用12个 encoder_block 模块来提取特征。

代码如下:

  1. # --------------------------------------- #
  2. #(5)Encoder Block
  3. '''
  4. dim : 该模块的输入特征图个数
  5. mlp_ratio : MLP中第一个全连接层上升的通道数
  6. drop_ratio : 该模块的dropout层的杀死神经元的概率
  7. '''
  8. # --------------------------------------- #
  9. class encoder_block(nn.Module):
  10. # 初始化
  11. def __init__(self, dim, mlp_ratio=4., drop_ratio=0.):
  12. super(encoder_block, self).__init__()
  13. # LayerNormalization层
  14. self.norm1 = nn.LayerNorm(dim)
  15. # 实例化多头注意力
  16. self.atten = attention(dim)
  17. # dropout
  18. self.drop = nn.Dropout()
  19. # LayerNormalization层
  20. self.norm2 = nn.LayerNorm(dim)
  21. # MLP中第一个全连接层上升的通道数
  22. hidden_features = int(dim * mlp_ratio)
  23. # MLP多层感知器
  24. self.mlp = MLP(in_features=dim, hidden_features=hidden_features)
  25. # 前向传播
  26. def forward(self, inputs):
  27. # [b,197,768]==>[b,197,768]
  28. x = self.norm1(inputs)
  29. x = self.atten(x)
  30. x = self.drop(x)
  31. feat1 = x + inputs # 残差连接
  32. # [b,197,768]==>[b,197,768]
  33. x = self.norm2(feat1)
  34. x = self.mlp(x)
  35. x = self.drop(x)
  36. feat2 = x + feat1 # 残差连接
  37. return feat2

2.6 主干网络

接下来就搭建网络了,将上面所有的模块组合到一起,如下图所示。

在下面代码中要注意的是 x= x[:,0] 取出所有的类别标签。 因为在 cls_pos_embed 模块中,我们将 cls_token 和输入图像在 patch 维度上堆叠,用于学习每张特征图的类别信息。最后经过一个全连接层得出每张图片属于每个类别的得分。

代码如下:

  1. # --------------------------------------- #
  2. #(6)主干网络
  3. '''
  4. num_class: 分类数
  5. depth : 重复堆叠encoder_block的次数
  6. drop_ratio : 位置编码后的dropout层
  7. embed_dim : patchembed层输出通道数
  8. '''
  9. # --------------------------------------- #
  10. class VIT(nn.Module):
  11. # 初始化
  12. def __init__(self, num_classes=1000, depth=12, drop_ratio=0., embed_dim=768):
  13. super(VIT, self).__init__()
  14. self.num_classes = num_classes # 分类类别数
  15. # 实例化patchembed层
  16. self.patchembed = patchembed()
  17. # 实例化类别标签和位置编码
  18. self.cls_pos_embed = class_token_pos_embed(embed_dim=embed_dim)
  19. # 位置编码后做dropout
  20. self.pos_drop = nn.Dropout(drop_ratio)
  21. # 在列表中添加12个encoder_block
  22. self.blocks = nn.Sequential(*[encoder_block(dim=embed_dim) for _ in range(depth)])
  23. # 定义LayerNormalization标准化方法
  24. norm_layer = partial(nn.LayerNorm, eps=1e-6)
  25. # 经过12个encoder之后的标准化层
  26. self.norm = norm_layer(embed_dim)
  27. # 分类层
  28. self.head = nn.Linear(in_features=embed_dim, out_features=num_classes)
  29. # 权值初始化
  30. for m in self.modules():
  31. # 对卷积层使用kaiming初始化
  32. if isinstance(m, nn.Conv2d):
  33. nn.init.kaiming_normal_(m.weight, mode='fan_out')
  34. # 对偏置初始化
  35. if m.bias is not None:
  36. nn.init.zeros_(m.bias)
  37. # 对标准化层初始化
  38. elif isinstance(m, nn.LayerNorm):
  39. nn.init.ones_(m.weight)
  40. nn.init.zeros_(m.bias)
  41. # 对全连接层初始化
  42. elif isinstance(m, nn.Linear):
  43. nn.init.normal_(m.weight, 0, 0.01)
  44. if m.bias is not None:
  45. nn.init.zeros_(m.bias)
  46. # 前向传播
  47. def forward(self, inputs):
  48. # 先将输入传递给patchembed [b,3,224,224]==>[b,196,768]
  49. x = self.patchembed(inputs)
  50. # 对特征图添加类别标签和位置编码
  51. x = self.cls_pos_embed(x)
  52. # dropout层
  53. x = self.pos_drop(x)
  54. # 经过12个encoder层==>[b,197,768]
  55. x = self.blocks(x)
  56. # LN标准化层
  57. x = self.norm(x)
  58. # 提取类别标签的输出,因为在cat时将类别标签放在最前面
  59. x = x[:, 0] # [b,197,768]==>[b,768]
  60. # 全连接层分类 [b,768]==>[b,1000]
  61. x = self.head(x)
  62. return x

3. 训练阶段

接下来对使用权重迁移学习的方法训练模型,这里用的网络是 VIT B-16 模型,patch的尺寸为16*16,patchembedding的输出通道数为768。首先导入所有的工具包,定义好所有需要的参数,找到文件路径,方便后期使用管理。

  1. import torch
  2. from torch import nn, optim
  3. from torchvision import transforms, datasets
  4. from torch.utils.data import DataLoader
  5. from VisionTransformer_model import VIT # 导入我们之前定义的 VIT B-16 模型
  6. import numpy as np
  7. import matplotlib.pyplot as plt
  8. plt.rcParams['font.sans-serif'] = ['SimHei'] # 绘图显示中文
  9. # --------------------------------------------- #
  10. #(0)参数设置
  11. # --------------------------------------------- #
  12. batch_size = 16 # 每个step处理16张图片
  13. epochs = 10 # 训练10轮
  14. best_loss = 1.0 # 当验证集损失小于1时才保存权重
  15. # 数据集目录位置
  16. filepath = 'D:/deeplearning/test/数据集/animal/'
  17. # 预训练权重位置
  18. weightpath = 'D:/deeplearning/imgnet/pytorchimgnet/pretrained_weights/vit_base_patch16_224.pth'
  19. # 训练时保存权重文件的位置
  20. savepath = 'D:/deeplearning/imgnet/pytorchimgnet/save_weights/'
  21. # 获取GPU设备,检测到了就用GPU,检测不到就用CPU
  22. if torch.cuda.is_available():
  23. device = torch.device('cuda:0')
  24. else:
  25. device = torch.device('cpu')

3.1 构造数据集

首先定义训练集和验证集的数据预处理方法 data_transform。通过 transforms.Resize() 将输入图像的尺寸缩放到模型要求的 224*224 大小,然后再通过 transforms.ToTensor() 将像素值类型从 numpy 变成 tensor 类型,并归一化处理,像素值大小从 [0,255] 变换到 [0,1],再调整输入图像的维度,从 [h,w,c] 变成 [c,h,w];接着 transforms.Normalize() 对图像的每个颜色通道做标准化处理,使像素值满足正态分布。

预处理之后就构造训练集和验证集 dataloader,指定 batch_size=16,代表训练时每个 step 训练16张图片。

接着查看数据集信息,查看分类类别及其对应的索引信息,其中 datasets['train'].class_to_idx 的结果是 {'cats':0, 'dogs':1, 'panda':2}

代码如下:

  1. # --------------------------------------------- #
  2. #(1)数据集处理
  3. # --------------------------------------------- #
  4. # 定义预处理方法
  5. data_transform = {
  6. # 训练集预处理方法
  7. 'train' : transforms.Compose([
  8. transforms.Resize((224,224)), # 将原始图片缩放至224*224大小
  9. transforms.RandomHorizontalFlip(), # 随机水平翻转
  10. transforms.ToTensor(), # numpy类型变tensor,维度调整,数据归一化
  11. transforms.Normalize(mean=[0.485,0.456,0.406], std=[0.229,0.224,0.225]) # 对图像的三个通道分别做标准化
  12. ]),
  13. # 验证集预处理方法
  14. 'val' : transforms.Compose([
  15. transforms.Resize((224,224)), # 将输入图像缩放至224*224大小
  16. transforms.ToTensor(),
  17. transforms.Normalize(mean=[0.485,0.456,0.406], std=[0.229,0.224,0.225])
  18. ])
  19. }
  20. # 加载数据集
  21. datasets = {
  22. 'train' : datasets.ImageFolder(filepath+'train', transform=data_transform['train']), # 读取训练集
  23. 'val' : datasets.ImageFolder(filepath+'val', transform=data_transform['val']) # 读取验证集
  24. }
  25. # 构造数据集
  26. dataloader = {
  27. 'train' : DataLoader(datasets['train'], batch_size=batch_size, shuffle=True), # 构造训练集
  28. 'val' : DataLoader(datasets['val'], batch_size=batch_size, shuffle=True) # 构造验证集
  29. }
  30. # --------------------------------------------- #
  31. #(2)查看数据集信息
  32. # --------------------------------------------- #
  33. train_num = len(datasets['train']) # 查看训练集数量
  34. val_num = len(datasets['val']) # 查看验证集数量
  35. # 查看分类类别及其索引 {0: 'cats', 1: 'dogs', 2: 'panda'}
  36. class_names = dict((v,k) for k,v in datasets['train'].class_to_idx.items())
  37. print(class_names)
  38. # 从训练集中取出一个batch,接收图片及其标签
  39. train_imgs, train_labels = next(iter(dataloader['train']))
  40. # 查看图像的标签及其shape [32, 3, 224, 224] [32]
  41. print('img:', train_imgs.shape, 'labels:', train_labels.shape)

3.2 数据可视化

可视化训练集中的前12张图像。由于构造数据集时使用了一系列预处理方法,因此这里要将像素类型从 tensor 变成 numpy调整图像的维度 [b,c,h,w]==>[b,h,w,c]对图像的每个通道执行反标准化操作,恢复到0-1之间的随机分布。

标准化: img = \frac{img-mean}{std}     反标准化: img = img * std + mean

代码如下:

  1. # --------------------------------------------- #
  2. #(3)数据可视化
  3. # --------------------------------------------- #
  4. # 从数据集中取出12张图及其标签
  5. frames = train_imgs[:12]
  6. frames_labels = train_labels[:12]
  7. # 将数据类型从tensor变回numpy
  8. frames = frames.numpy()
  9. # 维度调整 [b,c,h,w]==>[b,h,w,c]
  10. frames = np.transpose(frames, [0,2,3,1])
  11. # 对图像做反标准化处理
  12. mean = [0.485, 0.456, 0.406] # 均值
  13. std = [0.229, 0.224, 0.225] # 标准化
  14. # 图像的每个通道的特征图乘标准化加均值
  15. frames = frames * std + mean
  16. # 将像素值限制在0-1之间
  17. frames = np.clip(frames, 0, 1)
  18. # 绘制12张图像及其标签
  19. plt.figure() # 创建画板
  20. for i in range(12):
  21. plt.subplot(3,4,i+1)
  22. plt.imshow(frames[i])
  23. plt.axis('off') # 不显示坐标刻度
  24. plt.title(class_names[frames_labels[i].item()]) # 显示每张图片的标签
  25. plt.tight_layout() # 轻量化布局
  26. plt.show()

查看训练集中的图像


3.3 模型加载,迁移学习

首先加载预训练权重 torch.load() 到内存中。由于预训练模型的分类数有1000个,即最后一个全连接层有 1000 个神经元,因此我们只用预训练权重的特征提取部分,不需要分类层部分

遍历预训练权重文件,删除分类层 'head.weight', 'head.bias' 的权重

这里不冻结预训练权重,所有权重参数都能通过反向传播更新。

代码如下:

  1. # --------------------------------------------- #
  2. #(4)模型加载,迁移学习
  3. # --------------------------------------------- #
  4. # 接收VIT模型,三分类
  5. model = VIT(num_classes=3)
  6. # 加载预训练权重文件,文件中的分类层神经元个数是1k
  7. pre_weights = torch.load(weightpath, map_location=device)
  8. # 删除权重文件中不需要的层,保留除了分类层以外的所有层的权重
  9. del_keys = ['head.weight', 'head.bias']
  10. # 删除字典中的对应key
  11. for k in del_keys:
  12. del pre_weights[k]
  13. # 将修改后的权重加载到模型上
  14. # 当strict=True,要求预训练权重层数的键值与新构建的模型中的权重层数名称完全吻合
  15. missing_keys, unexpected_keys = model.load_state_dict(pre_weights, strict=False)
  16. print('miss:', len(missing_keys), 'unexpected:', len(unexpected_keys))
  17. # model.parameters() 代表网络的所有参数
  18. for params in model.parameters():
  19. params.requires_grad = True # 所有权重参与训练可以更新

3.4 模型训练

接下来进行网络训练,将所有需要计算的部分都搬运到 GPU 上,加快训练速度。

我这里使用每个epoch的验证集损失作为网络监控指标如果损失小于规定值且一直在下降就保存当前 epoch 的权重。

还要注意的就是网络训练和测试的模式不一样训练时 Dropout 层随机杀死神经元,BN 层取一个batch的均值和方差;验证时 Dropout 层不起作用,BN 层取整个训练集计算得到的均值和方差。通过 net.train() 和 net.eval() 来切换训练和验证模式

代码如下:

  1. # --------------------------------------------- #
  2. #(5)网络编译
  3. # --------------------------------------------- #
  4. # 将模型搬运至GPU上
  5. model.to(device)
  6. # 定义交叉熵损失
  7. loss_function = nn.CrossEntropyLoss()
  8. # 获取所有需要梯度更新的权重参数
  9. params_optim = []
  10. # 遍历网络的所有权重
  11. for p in model.parameters():
  12. if p.requires_grad is True: # 查看权重是否需要更新
  13. params_optim.append(p) # 保存所有需要更新的权重
  14. print('训练参数:', len(params_optim))
  15. # 定义优化器,定义学习率,动量,正则化系数
  16. optimizer = optim.SGD(params_optim, lr=0.001, momentum=0.9, weight_decay=3e-4)
  17. # --------------------------------------------- #
  18. #(6)训练阶段
  19. # --------------------------------------------- #
  20. for epoch in range(epochs):
  21. print('='*30) # 显示当前是第几个epoch
  22. # 将模型设置为训练模式
  23. model.train()
  24. # 记录一个epoch的训练集总损失
  25. total_loss = 0.0
  26. # 每个step训练一个batch,每次取出一个数据集及其标签
  27. for step, (images, labels) in enumerate(dataloader['train']):
  28. # 将数据集搬运到GPU上
  29. images, labels = images.to(device), labels.to(device)
  30. # 梯度清零,因为梯度是累加的
  31. optimizer.zero_grad()
  32. # 前向传播==>[b,3]
  33. logits = model(images) # 得到每张图属于3个类别的分数
  34. #(1)损失计算
  35. # 计算每个step的预测值和真实值的交叉熵损失
  36. loss = loss_function(logits, labels)
  37. # 累加每个step的损失
  38. total_loss += loss
  39. #(2)反向传播
  40. # 梯度计算
  41. loss.backward()
  42. # 梯度更新
  43. optimizer.step()
  44. # 每50个epoch打印一次损失值
  45. if step % 50 == 0:
  46. print(f'step:{step}, train_loss:{loss}')
  47. # 计算一个epoch的训练集平均损失
  48. train_loss = total_loss / len(dataloader['train'])
  49. # --------------------------------------------- #
  50. #(7)验证训练
  51. # --------------------------------------------- #
  52. model.eval() # 切换到验证模式
  53. total_val_loss = 0.0 # 记录一个epoch的验证集总损失
  54. total_val_correct = 0 # 记录一个epoch中验证集一共预测对了几个
  55. with torch.no_grad(): # 接下来不计算梯度
  56. # 每个step验证一个batch
  57. for (images, labels) in dataloader['val']:
  58. # 将数据集搬运到GPU上
  59. images, labels = images.to(device), labels.to(device)
  60. # 前向传播[b,c,h,w]==>[b,3]
  61. logits = model(images)
  62. #(1)计算损失
  63. # 计算每个batch的预测值和真实值的交叉熵损失
  64. loss = loss_function(logits, labels)
  65. # 累加每个batch的损失,得到一个epoch的总损失
  66. total_val_loss += loss
  67. #(2)计算准确率
  68. # 找到预测值对应的最大索引,即该图片对应的类别
  69. pred = logits.argmax(dim=1) # [b,3]==>[b]
  70. # 比较预测值和标签值,计算每个batch有多少预测对了
  71. val_correct = torch.eq(pred, labels).float().sum()
  72. # 累加每个batch的正确个数,计算整个epoch的正确个数
  73. total_val_correct += val_correct
  74. # 计算一个epoch的验证集的平均损失和平均准确率
  75. val_loss = total_val_loss / len(dataloader['val'])
  76. val_acc = total_val_correct / val_num
  77. # 打印每个epoch的训练集平均损失,验证集平均损失和平均准确率
  78. print('-'*30)
  79. print(f'train_loss:{train_loss}, val_loss:{val_loss}, val_acc:{val_acc}')
  80. # --------------------------------------------- #
  81. #(8)保存权重
  82. # --------------------------------------------- #
  83. # 保存最小损失值对应的权重文件
  84. if val_loss < best_loss:
  85. # 权重文件名称
  86. savename = savepath + f'epoch{epoch}_valacc{round(val_acc.item()*100)}%_' + 'VIT.pth'
  87. # 保存该轮次的权重
  88. torch.save(model.state_dict(), savename)
  89. # 切换最小损失值
  90. best_loss = val_loss
  91. # 打印结果
  92. print(f'weights has been saved, best_loss has changed to {val_loss}')

训练过程如下:

  1. ==============================
  2. step:0, train_loss:0.9088920950889587
  3. step:50, train_loss:2.3867087364196777
  4. step:100, train_loss:2.1412224769592285
  5. ------------------------------
  6. train_loss:1.7520136833190918, val_loss:2.2571213245391846, val_acc:0.5276381969451904
  7. ==============================

训练过程中保存权重:


4. 预测阶段

接下来我们用训练好了的权重文件来预测图像的类别。同样先导入所有需要用到的工具包。

代码如下:

  1. import torch
  2. from torchvision import transforms, datasets
  3. from torch.utils.data import DataLoader
  4. from PIL import Image
  5. from VisionTransformer_model import VIT
  6. import numpy as np
  7. import matplotlib.pyplot as plt
  8. # -------------------------------------------------- #
  9. #(0)参数设置
  10. # -------------------------------------------------- #
  11. batch_size = 32 # 每次测试32张图
  12. # 测试集文件夹所在位置
  13. file_path = 'D:/deeplearning/test/数据集/animal/test'
  14. # 权重参数路径
  15. weights_path = 'D:/deeplearning/imgnet/pytorchimgnet/save_weights/epoch5_valacc59%_VIT.pth'
  16. # 获取GPU设备
  17. if torch.cuda.is_available(): # 如果有GPU就用,没有就用CPU
  18. device = torch.device('cuda:0')
  19. else:
  20. device = torch.device('cpu')

4.1 构造数据集

这里测试集的预处理采用和验证集相同的预处理方法。这部分和上面相同,就不多做介绍。

  1. # -------------------------------------------------- #
  2. #(1)构造测试集
  3. # -------------------------------------------------- #
  4. # 定义测试集的数据预处理方法
  5. data_transforms = transforms.Compose([
  6. transforms.Resize((224,224)), # 将输入图像的size缩放至224*224
  7. transforms.ToTensor(), # numpy边tensor,像素归一化,维度调整
  8. transforms.Normalize(mean=[0.485,0.456,0.406], std=[0.229,0.224,0.225]) # 对每个通道标准化
  9. ])
  10. # 加载测试集,并预处理
  11. datasets = datasets.ImageFolder(file_path, transform=data_transforms)
  12. # 构造测试集
  13. dataloader = DataLoader(datasets, batch_size=batch_size, shuffle=True)
  14. # 查看测试集一共有多少张图
  15. test_num = len(datasets)
  16. # 获取测试集的分类类别及其索引 {0: 'cats', 1: 'dogs', 2: 'panda'}
  17. class_names = dict((v,k) for k,v in datasets.class_to_idx.items())

4.2 多图像预测

取测试集的每个 Batch 的前12张图片,查看其预测结果。这里也需要做一次反标准化操作,和上面第三小节中相同。

在网络前向传播之前将模型设置为验证模式 model.eval()只做前向传播的操作,不进行梯度更新操作 with torch.no_grad() 不计算梯度。

经过前向传播后,图像的shape变成 [b,3],即图片预测属于3种类别的分数,然后经过softmax()求出图片属于每个类别的概率通过torch.max()找出最大概率及其索引,得到图片属于哪个类别。

代码如下:

  1. # -------------------------------------------------- #
  2. #(2)绘图展示预测结果
  3. # imgs:代表输入图像[b,c,h,w],labels代表图像的真实标签[b]
  4. # cls:代表每张图属的类别索引[b],scores:代表每张图的类别概率[b]
  5. # -------------------------------------------------- #
  6. def im_show(imgs, labels, cls, scores):
  7. # 从数据集中取出12张图及其标签索引、概率
  8. frames = imgs[:12]
  9. true_labels = labels[:12]
  10. pred_labels = cls[:12]
  11. pred_scores = scores[:12]
  12. # 将数据类型从tensor变回numpy
  13. frames = frames.numpy()
  14. # 维度调整 [b,c,h,w]==>[b,h,w,c]
  15. frames = np.transpose(frames, [0,2,3,1])
  16. # 对图像做反标准化处理
  17. mean = [0.485, 0.456, 0.406] # 均值
  18. std = [0.229, 0.224, 0.225] # 标准化
  19. # 图像的每个通道的特征图乘标准化加均值
  20. frames = frames * std + mean
  21. # 将像素值限制在0-1之间
  22. frames = np.clip(frames, 0, 1)
  23. # 绘制12张图像及其标签
  24. plt.figure() # 创建画板
  25. for i in range(12):
  26. plt.subplot(3,4,i+1)
  27. plt.imshow(frames[i])
  28. plt.axis('off') # 不显示坐标刻度
  29. # 显示每张图片的真实标签、预测标签、预测概率
  30. plt.title('true:'+class_names[true_labels[i].item()] + '\n' +
  31. 'pred:'+class_names[pred_labels[i].item()] + '\n' +
  32. 'scores:'+str(round(pred_scores[i].item(), 3))
  33. )
  34. plt.tight_layout() # 轻量化布局
  35. plt.show()
  36. # -------------------------------------------------- #
  37. #(3)图像预测
  38. # -------------------------------------------------- #
  39. # 模型构建
  40. model = VIT(num_classes=3)
  41. # 加载权重文件
  42. model.load_state_dict(torch.load(weights_path, map_location=device))
  43. # 将模型搬运到GPU上
  44. model.to(device)
  45. # 模型切换成测试模式,切换LN标准化和dropout的工作方式
  46. model.eval()
  47. # 测试阶段不计算梯度
  48. with torch.no_grad():
  49. # 每次测试一个batch
  50. for step, (imgs, labels) in enumerate(dataloader):
  51. # 将数据集搬运到GPU上
  52. images, labels = imgs.to(device), labels.to(device)
  53. # 前向传播==>[b,3]
  54. logits = model(images)
  55. # 求出图像属于哪个类别索引[b,3]==>[b]
  56. pred_cls = logits.argmax(dim=1)
  57. # 计算图像属于每个类别的概率[b,3]==>[b,3]
  58. predicts = torch.softmax(logits, dim=1)
  59. # 获取最大预测类别的概率[b,3]==>[b]
  60. predicts_score, _ = predicts.max(dim=1)
  61. # 绘制预测结果
  62. im_show(imgs, labels, pred_cls, predicts_score)

查看预测结果:图像标题是真实类别、预测类别、预测概率值

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

闽ICP备14008679号