在2014年的ImageNet图像识别挑战赛中,一个名叫GoogLeNet 的网络架构大放异彩。 GoogLeNet吸收了NiN中串联网络的思想,并在此基础上做了改进。 这篇论文的一个重点是解决了什么样大小的卷积核最合适的问题。 毕竟,以前流行的网络使用小到 1×1 ,大到 11×11 的卷积核。 本文的一个观点是,有时使用不同大小的卷积核组合是有利的。
在GoogLeNet中,基本的卷积块被称为Inception块(Inception block)。这很可能得名于电影《盗梦空间》(Inception),因为电影中的一句话“我们需要走得更深”(“We need to go deeper”)。
Inception块由四条并行路径组成。 前三条路径使用窗口大小为 1×1 、 3×3 和 5×5 的卷积层,从不同空间大小中提取信息。 中间的两条路径在输入上执行 1×1 卷积,以减少通道数,从而降低模型的复杂性。 第四条路径使用 3×3 最大汇聚层,然后使用 1×1 卷积层来改变通道数。 这四条路径都使用合适的填充来使输入与输出的高和宽一致,最后我们将每条线路的输出在通道维度上连结,并构成Inception块的输出。在Inception块中,通常调整的超参数是每层输出通道数。如下图所示
为什么第二条路径和第三条路径需要先接1x1卷积,再接3x3卷积或者5x5卷积?因为目的是减少Inception块的卷积层权重参数,1x1卷积最主要作用是融合不同通道的信息,降低通道数,减少卷积层的权重参数。第二条路径输入通道数为k,如果1x1卷积后的通道数降为m,3x3卷积输出的通道数为n,则第二条路径使用1x1卷积层后的权重参数为:mxkx1x1+nxmx3x3 ,如果不使用1x1卷积层,则第二条路径的权重参数为:nxkx3x3 (远大于使用1x1卷积层的权重参数),另外3x3汇聚层主要作用是降低卷积层对位置的敏感性。
为什么GoogLeNet这个网络如此有效呢? 首先我们考虑一下滤波器(filter)的组合,它们可以用各种滤波器尺寸探索图像,这意味着不同大小的滤波器可以有效地识别不同范围的图像细节。 同时,我们可以为不同的滤波器分配不同数量的参数。
import d2l.torch
import torch
from torch import nn
from torch.nn import functional as F
class Inception(nn.Module):
#c1 - -c4是每条路径的输出通道数
def __init__(self,in_channels,c1,c2,c3,c4):
super(Inception, self).__init__()
# 线路1,单1x1卷积层
self.p1_1 = nn.Conv2d(in_channels=in_channels,out_channels=c1,kernel_size=1,stride=1,padding=0)
# 线路2,1x1卷积层后接3x3卷积层
self.p2_1 = nn.Conv2d(in_channels=in_channels,out_channels=c2[0],kernel_size=1,padding=0,stride=1)
self.p2_2 = nn.Conv2d(in_channels=c2[0],out_channels=c2[1],kernel_size=3,padding=1,stride=1)
# 线路3,1x1卷积层后接5x5卷积层
self.p3_1 = nn.Conv2d(in_channels=in_channels,out_channels=c3[0],kernel_size=1,padding=0,stride=1)
self.p3_2 = nn.Conv2d(in_channels=c3[0],out_channels=c3[1],kernel_size=5,padding=2,stride=1)
# 线路4,3x3最大汇聚层后接1x1卷积层,汇聚层主要作用是降低卷积层对位置的敏感性,1x1卷积层主要是融合不同通道的信息,降低通道数,减少卷积层的权重参数
self.p4_1 = nn.MaxPool2d(kernel_size=3,padding=1,stride=1)
self.p4_2 = nn.Conv2d(in_channels=in_channels,out_channels=c4,kernel_size=1,padding=0,stride=1)
def forward(self,X):
#使用torch.nn.functional中的relu()函数,而不是nn.ReLU()函数
#错误解决链接:https://discuss.pytorch.org/t/i-am-trying-to-build-a-simple-resnet-model-but-getting-an-error-conv2d-received-an-invalid-combination-of-arguments/134141
p1 = F.relu(self.p1_1(X))
p2 = F.relu(self.p2_2(F.relu(self.p2_1(X))))
p3 = F.relu(self.p3_2(F.relu(self.p3_1(X))))
p4 = F.relu(self.p4_2(self.p4_1(X)))
# 在通道维度上连结输出
return torch.cat((p1,p2,p3,p4),dim=1)
GoogLeNet一共使用9个Inception块和全局平均汇聚层的堆叠来生成其估计值。Inception块之间的最大汇聚层可降低维度。 第一个模块类似于AlexNet和LeNet,多个Inception块组合在一起(并且Inception块第二条第三条路径中两个卷积层也是组合在一起)是从VGG块中卷积层可以组合在一起的思想得来的,同时吸收了NiN中串联网络(NiN块使用多个1x1卷积层串联组合在一起)的思想,全局平均汇聚层避免了在最后使用全连接层(NiN网络最后也是使用全局汇聚层来去除全连接层的使用,从而大量减少了全连接层所需的权重参数),架构如下图所示。
b1 = nn.Sequential(nn.Conv2d(in_channels=1,out_channels=64,kernel_size=7,padding=3,stride=2),
nn.ReLU(),
nn.MaxPool2d(kernel_size=3,padding=1,stride=2))
b2 = nn.Sequential(nn.Conv2d(in_channels=64,out_channels=64,kernel_size=1,padding=0,stride=1),
nn.ReLU(),
nn.Conv2d(in_channels=64,out_channels=192,kernel_size=3,padding=1,stride=1),
nn.ReLU(),
nn.MaxPool2d(kernel_size=3,padding=1,stride=2))
b3 = nn.Sequential(Inception(in_channels=192,c1=64,c2=(96,128),c3=(16,32),c4=32),
Inception(in_channels=256,c1=128,c2=(128,192),c3=(32,96),c4=64),
nn.MaxPool2d(kernel_size=3,padding=1,stride=2))
b4 = nn.Sequential(Inception(in_channels=480,c1=192,c2=(96,208),c3=(16,48),c4=64),
Inception(in_channels=512,c1=160,c2=(112,224),c3=(24,64),c4=64),
Inception(in_channels=512,c1=128,c2=(128,256),c3=(24,64),c4=64),
Inception(in_channels=512,c1=112,c2=(144,288),c3=(32,64),c4=64),
Inception(in_channels=528,c1=256,c2=(160,320),c3=(32,128),c4=128),
nn.MaxPool2d(kernel_size=3,padding=1,stride=2))
b5 = nn.Sequential(Inception(in_channels=832,c1=256,c2=(160,320),c3=(32,128),c4=128),
Inception(in_channels=832,c1=384,c2=(192,384),c3=(48,128),c4=128),
nn.AdaptiveAvgPool2d((1,1)),
nn.Flatten())
GoogLeNet = nn.Sequential(b1,b2,b3,b4,b5,nn.Linear(1024,10))
#打印模型每一块的输出尺寸大小
X = torch.randn(size=(1,1,96,96))
for layer in GoogLeNet:
X = layer(X)
print(layer.__class__.__name__," output shape :\t",X.shape)
'''
输出结果:
Sequential output shape: torch.Size([1, 64, 24, 24])
Sequential output shape: torch.Size([1, 192, 12, 12])
Sequential output shape: torch.Size([1, 480, 6, 6])
Sequential output shape: torch.Size([1, 832, 3, 3])
Sequential output shape: torch.Size([1, 1024])
Linear output shape: torch.Size([1, 10])
'''
#模型训练
lr,num_epochs,batch_szie = 0.05,30,128
train_iter,test_iter = d2l.torch.load_data_fashion_mnist(batch_size=batch_szie,resize=96)
d2l.torch.train_ch6(GoogLeNet,train_iter,test_iter,num_epochs,lr,device=d2l.torch.try_gpu())
import d2l.torch
import torch
from torch import nn
from torch.nn import functional as F
class Inception(nn.Module):
#c1 - -c4是每条路径的输出通道数
def __init__(self,in_channels,c1,c2,c3,c4):
super(Inception, self).__init__()
# 线路1,单1x1卷积层
self.p1_1 = nn.Conv2d(in_channels=in_channels,out_channels=c1,kernel_size=1,stride=1,padding=0)
# 线路2,1x1卷积层后接3x3卷积层
self.p2_1 = nn.Conv2d(in_channels=in_channels,out_channels=c2[0],kernel_size=1,padding=0,stride=1)
self.p2_2 = nn.Conv2d(in_channels=c2[0],out_channels=c2[1],kernel_size=3,padding=1,stride=1)
# 线路3,1x1卷积层后接5x5卷积层
self.p3_1 = nn.Conv2d(in_channels=in_channels,out_channels=c3[0],kernel_size=1,padding=0,stride=1)
self.p3_2 = nn.Conv2d(in_channels=c3[0],out_channels=c3[1],kernel_size=5,padding=2,stride=1)
# 线路4,3x3最大汇聚层后接1x1卷积层,汇聚层主要作用是降低卷积层对位置的敏感性,1x1卷积层主要是融合不同通道的信息,降低通道数,减少卷积层的权重参数
self.p4_1 = nn.MaxPool2d(kernel_size=3,padding=1,stride=1)
self.p4_2 = nn.Conv2d(in_channels=in_channels,out_channels=c4,kernel_size=1,padding=0,stride=1)
def forward(self,X):
#使用torch.nn.functional中的relu()函数,而不是nn.ReLU()函数
#错误解决链接:https://discuss.pytorch.org/t/i-am-trying-to-build-a-simple-resnet-model-but-getting-an-error-conv2d-received-an-invalid-combination-of-arguments/134141
p1 = F.relu(self.p1_1(X))
p2 = F.relu(self.p2_2(F.relu(self.p2_1(X))))
p3 = F.relu(self.p3_2(F.relu(self.p3_1(X))))
p4 = F.relu(self.p4_2(self.p4_1(X)))
# 在通道维度上连结输出
return torch.cat((p1,p2,p3,p4),dim=1)
b1 = nn.Sequential(nn.Conv2d(in_channels=1,out_channels=64,kernel_size=7,padding=3,stride=2),
nn.ReLU(),
nn.MaxPool2d(kernel_size=3,padding=1,stride=2))
b2 = nn.Sequential(nn.Conv2d(in_channels=64,out_channels=64,kernel_size=1,padding=0,stride=1),
nn.ReLU(),
nn.Conv2d(in_channels=64,out_channels=192,kernel_size=3,padding=1,stride=1),
nn.ReLU(),
nn.MaxPool2d(kernel_size=3,padding=1,stride=2))
b3 = nn.Sequential(Inception(in_channels=192,c1=64,c2=(96,128),c3=(16,32),c4=32),
Inception(in_channels=256,c1=128,c2=(128,192),c3=(32,96),c4=64),
nn.MaxPool2d(kernel_size=3,padding=1,stride=2))
b4 = nn.Sequential(Inception(in_channels=480,c1=192,c2=(96,208),c3=(16,48),c4=64),
Inception(in_channels=512,c1=160,c2=(112,224),c3=(24,64),c4=64),
Inception(in_channels=512,c1=128,c2=(128,256),c3=(24,64),c4=64),
Inception(in_channels=512,c1=112,c2=(144,288),c3=(32,64),c4=64),
Inception(in_channels=528,c1=256,c2=(160,320),c3=(32,128),c4=128),
nn.MaxPool2d(kernel_size=3,padding=1,stride=2))
b5 = nn.Sequential(Inception(in_channels=832,c1=256,c2=(160,320),c3=(32,128),c4=128),
Inception(in_channels=832,c1=384,c2=(192,384),c3=(48,128),c4=128),
nn.AdaptiveAvgPool2d((1,1)),
nn.Flatten())
GoogLeNet = nn.Sequential(b1,b2,b3,b4,b5,nn.Linear(1024,10))
#打印模型每一块的输出尺寸大小
X = torch.randn(size=(1,1,96,96))
for layer in GoogLeNet:
X = layer(X)
print(layer.__class__.__name__," output shape :\t",X.shape)
#模型训练
lr,num_epochs,batch_szie = 0.05,30,128
train_iter,test_iter = d2l.torch.load_data_fashion_mnist(batch_size=batch_szie,resize=96)
d2l.torch.train_ch6(GoogLeNet,train_iter,test_iter,num_epochs,lr,device=d2l.torch.try_gpu())