学习笔记 深度学习 基于 AlexNet 的 Fashion-MNIST 服饰分类 小嗷犬 2022-11-04 2024-10-13 介绍 环境准备 使用到的库:
d2l 为斯坦福大学李沐教授打包的一个库,其中包含一些深度学习中常用的函数方法。
安装:
1 2 pip install matplotlib pip install d2l
Pytorch 环境请自行配置。
数据集介绍 Fashion-MNIST 是一个替代 MNIST 手写数字集的图像数据集。 它是由 Zalando (一家德国的时尚科技公司)旗下的研究部门提供。其涵盖了来自 10 种类别的共 7 万个不同商品的正面图片。
Fashion-MNIST 的大小、格式和训练集/测试集划分与原始的 MNIST 完全一致。60000/10000
的训练测试数据划分,28x28
的灰度图片。你可以直接用它来测试你的机器学习和深度学习算法性能,且不需要改动任何的代码。
下载地址 本文使用 Pytorch 自动下载。
网络模型介绍 AlexNet 是 2012 年 ImageNet 竞赛冠军获得者 Hinton 和他的学生 Alex Krizhevsky 设计的。AlexNet 中包含了几个比较新的技术点,也首次在 CNN 中成功应用了 ReLU、Dropout 和 LRN 等 Trick。同时 AlexNet 也使用了 GPU 进行运算加速。结构图如下:
导入相关库 1 2 3 4 5 6 import torchfrom torch import nnfrom torchvision import datasets, transformsfrom torch.utils.data import DataLoaderimport matplotlib.pyplot as pltfrom d2l import torch as d2l
定义 AlexNet 网络结构 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 net = nn.Sequential( nn.Conv2d(1 , 96 , kernel_size=11 , stride=4 , padding=2 ), nn.ReLU(), nn.MaxPool2d(kernel_size=3 , stride=2 ), nn.Conv2d(96 , 128 *2 , kernel_size=5 , padding=2 ), nn.ReLU(), nn.MaxPool2d(kernel_size=3 , stride=2 ), nn.Conv2d(128 *2 , 192 *2 , kernel_size=3 , padding=1 ), nn.ReLU(), nn.Conv2d(192 *2 , 192 *2 , kernel_size=3 , padding=1 ), nn.ReLU(), nn.Conv2d(192 *2 , 128 *2 , kernel_size=3 , padding=1 ), nn.ReLU(), nn.MaxPool2d(kernel_size=3 , stride=2 ), nn.Flatten(), nn.Linear(6 *6 *256 , 2048 *2 ), nn.ReLU(), nn.Dropout(p=0.5 ), nn.Linear(2048 *2 , 2048 *2 ), nn.ReLU(), nn.Dropout(p=0.5 ), nn.Linear(2048 *2 , 10 ), nn.ReLU(), )
下载并配置数据集和加载器 由于 AlexNet 是为处理 ImageNet 数据集设计的,所以输入图片尺寸应为 224*224
,这里我们将 28*28
的 Fashion-MNIST 图片拉大到 224*224
。
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 trans = [transforms.ToTensor()] trans.insert(0 , transforms.Resize(224 )) trans = transforms.Compose(trans) train_dataset = datasets.FashionMNIST(root='./dataset' , train=True , transform=trans, download=True ) test_dataset = datasets.FashionMNIST(root='./dataset' , train=False , transform=trans, download=True ) batch_size = 64 train_loader = DataLoader(dataset=train_dataset, batch_size=batch_size, shuffle=True ) test_loader = DataLoader(dataset=test_dataset, batch_size=batch_size, shuffle=True )
定义训练函数 训练完成后会保存模型,可以修改模型的保存路径。
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32 33 34 35 36 def train (net, train_iter, test_iter, epochs, lr, device ): def init_weights (m ): if type (m) == nn.Linear or type (m) == nn.Conv2d: nn.init.xavier_uniform_(m.weight) net.apply(init_weights) print (f'Training on:[{device} ]' ) net.to(device) optimizer = torch.optim.SGD(net.parameters(), lr=lr) loss = nn.CrossEntropyLoss() timer, num_batches = d2l.Timer(), len (train_iter) for epoch in range (epochs): metric = d2l.Accumulator(3 ) net.train() for i, (X, y) in enumerate (train_iter): timer.start() optimizer.zero_grad() X, y = X.to(device), y.to(device) y_hat = net(X) l = loss(y_hat, y) l.backward() optimizer.step() with torch.no_grad(): metric.add(l * X.shape[0 ], d2l.accuracy(y_hat, y), X.shape[0 ]) timer.stop() train_l = metric[0 ] / metric[2 ] train_acc = metric[1 ] / metric[2 ] if (i + 1 ) % (num_batches // 30 ) == 0 or i == num_batches - 1 : print (f'Epoch: {epoch+1 } , Step: {i+1 } , Loss: {train_l:.4 f} ' ) test_acc = d2l.evaluate_accuracy_gpu(net, test_iter) print ( f'Train Accuracy: {train_acc*100 :.2 f} %, Test Accuracy: {test_acc*100 :.2 f} %' ) print (f'{metric[2 ] * epochs / timer.sum ():.1 f} examples/sec ' f'on: [{str (device)} ]' ) torch.save(net.state_dict(), f"./model/AlexNet_Epoch{epochs} _Accuracy{test_acc*100 :.2 f} %.pth" )
训练模型(或加载模型) 如果环境正确配置了 CUDA,则会由 GPU 进行训练。 加载模型需要根据自身情况修改路径。
1 2 3 4 5 6 epochs, lr = 10 , 0.1 device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu" ) train(net, train_loader, test_loader, epochs, lr, device)
可视化展示 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 def show_predict (): net.to(device) loader = DataLoader(dataset=test_dataset, batch_size=1 , shuffle=True ) plt.figure(figsize=(12 , 8 )) name = ['T-shirt' , 'Trouser' , 'Pullover' , 'Dress' , 'Coat' , 'Sandal' , 'Shirt' , 'Sneaker' , 'Bag' , 'Ankle boot' ] for i in range (9 ): (images, labels) = next (iter (loader)) images = images.to(device) labels = labels.to(device) outputs = net(images) _, predicted = torch.max (outputs.data, 1 ) title = f"Predicted: {name[int (predicted[0 ])]} , True: {name[int (labels[0 ])]} " plt.subplot(3 , 3 , i + 1 ) plt.imshow(images.cpu()[0 ].squeeze()) plt.title(title) plt.xticks([]) plt.yticks([]) plt.show() show_predict()
预测图 结果来自训练轮数epochs=20
,准确率Accuracy=91.38%
的 AlexNet 模型: