Pytorch经典模型复现系列(一)分类网络:AlexNet

Pytorch经典模型复现系列(一)分类网络:AlexNet

论文:ImageNet Classification with Deep Convolutional Neural Networks
复现代码:https://github.com/lvjian0706/CNN-repetition.git

网络简介

CNN的经典网络,发表于2012年,在ImageNet竞赛上以领先第二名10%的准确度夺得冠军。掀起了卷积神经网络在图像领域的热潮。

AlexNet共包含五个卷积层和三个全连接层;使用ReLu函数来增加模型的非线性能力;使用了Dropout来减小模型的过拟合。
模型中使用了局部响应归一化层(LRN)来提高精度(LRN在现在的网络中已经基本不用了);同时采用双GPU并行的方式提高训练速度。

网络结构

Pytorch经典模型复现系列(一)分类网络:AlexNet_第1张图片
Pytorch经典模型复现系列(一)分类网络:AlexNet_第2张图片

Pytorch复现代码

import torch
import torch.nn as nn

class AlexNet(nn.Module):
    def __init__(self, num_classes=1000):
        super(AlexNet, self).__init__()
        self.conv_layers = nn.Sequential(
                nn.Conv2d(3, 96, kernel_size=11, stride=4),
                nn.ReLU(inplace=True),
                nn.MaxPool2d(kernel_size=3, stride=2),
                nn.Conv2d(96, 256, kernel_size=5, padding=2),
                nn.ReLU(inplace=True),
                nn.MaxPool2d(kernel_size=3, stride=2),
                nn.Conv2d(256, 384, kernel_size=3, padding=1),
                nn.ReLU(inplace=True),
                nn.Conv2d(384, 384, kernel_size=3, padding=1),
                nn.ReLU(inplace=True),
                nn.Conv2d(384, 256, kernel_size=3, padding=1),
                nn.ReLU(inplace=True),
                nn.MaxPool2d(kernel_size=3, stride=2),
                )
        self.fc_layers = nn.Sequential(
                nn.Dropout(0.5),
                nn.Linear(9216, 4096),
                nn.ReLU(inplace=True),
                nn.Dropout(0.5),
                nn.Linear(4096, 4096),
                nn.ReLU(inplace=True),
                nn.Linear(4096, num_classes),
                )
        
    def forward(self, x):
        '''
        x: Input (shape: 227*227*3)
        '''
        x = self.conv_layers(x)
        x = x.view(x.size(0), 9261)
        x = self.fc_layers(x)
        return x
        
    
if __name__ == '__main__':
    net = AlexNet()
    print(net)

持续更新中,用于复习CNN经典网络以及算法
github中有训练测试脚本,不过还没调试不确定是否有bug,有时间会完善的

你可能感兴趣的:(cnn经典模型,Pytorch,深度学习)