使用PyTorch实现LeNet网络。   使用实验7的 Fashion MNIST 对LeNet进行训练和测试。优化算法采用SGD或Adam。    torch.optim.SGD 或 torch.optim.Adam。可复用多层感知器的相关代码   分别绘制训练和测试的损失函数曲线和分类正确率曲线   调节BatchSize、学习率,并依据测试损失曲线的拐点确定最佳模型,保存该模型。   使用测试集测试所保存模型的性能,以混淆矩阵展示。   扩展任务:以旋转的方式扩充测试集,在前述最佳模型上测试扩充后的测试集的分类性能,并与扩充前的结果进行比较,分析其原因和对应的处理方法。

时间: 2023-06-15 12:05:37 浏览: 186
下面是LeNet网络的PyTorch实现,使用Fashion MNIST数据集进行训练和测试,并使用SGD和Adam优化算法。同时,我们也会绘制训练和测试的损失函数曲线和分类正确率曲线,并调节BatchSize和学习率以确定最佳模型。最后,我们使用混淆矩阵展示模型在测试集上的性能,并进行扩展任务,以旋转的方式扩充测试集,分析其原因和对应的处理方法。 ``` import torch import torch.nn as nn import torch.optim as optim import torchvision.transforms as transforms from torch.utils.data import DataLoader from torchvision.datasets import FashionMNIST import matplotlib.pyplot as plt import numpy as np # 定义LeNet网络 class LeNet(nn.Module): def __init__(self): super(LeNet, self).__init__() self.conv1 = nn.Conv2d(1, 6, kernel_size=5, stride=1) self.pool1 = nn.MaxPool2d(kernel_size=2, stride=2) self.conv2 = nn.Conv2d(6, 16, kernel_size=5, stride=1) self.pool2 = nn.MaxPool2d(kernel_size=2, stride=2) self.fc1 = nn.Linear(16 * 4 * 4, 120) self.fc2 = nn.Linear(120, 84) self.fc3 = nn.Linear(84, 10) def forward(self, x): x = self.pool1(torch.relu(self.conv1(x))) x = self.pool2(torch.relu(self.conv2(x))) x = x.view(-1, 16 * 4 * 4) x = torch.relu(self.fc1(x)) x = torch.relu(self.fc2(x)) x = self.fc3(x) return x # 定义训练函数 def train(model, device, train_loader, optimizer, criterion, epoch): model.train() train_loss = 0 correct = 0 total = 0 for batch_idx, (inputs, targets) in enumerate(train_loader): inputs, targets = inputs.to(device), targets.to(device) optimizer.zero_grad() outputs = model(inputs) loss = criterion(outputs, targets) loss.backward() optimizer.step() train_loss += loss.item() _, predicted = outputs.max(1) total += targets.size(0) correct += predicted.eq(targets).sum().item() train_loss /= len(train_loader) accuracy = 100. * correct / total print('Epoch: {}\tTrain Loss: {:.6f}\tAccuracy: {:.2f}%'.format( epoch, train_loss, accuracy)) return train_loss, accuracy # 定义测试函数 def test(model, device, test_loader, criterion): model.eval() test_loss = 0 correct = 0 total = 0 with torch.no_grad(): for batch_idx, (inputs, targets) in enumerate(test_loader): inputs, targets = inputs.to(device), targets.to(device) outputs = model(inputs) loss = criterion(outputs, targets) test_loss += loss.item() _, predicted = outputs.max(1) total += targets.size(0) correct += predicted.eq(targets).sum().item() test_loss /= len(test_loader) accuracy = 100. * correct / total print('Test Loss: {:.6f}\tAccuracy: {:.2f}%'.format( test_loss, accuracy)) return test_loss, accuracy # 加载数据集 transform = transforms.Compose([ transforms.ToTensor(), transforms.Normalize((0.5,), (0.5,)) ]) train_set = FashionMNIST(root='./data', train=True, transform=transform, download=True) test_set = FashionMNIST(root='./data', train=False, transform=transform, download=True) # 定义超参数 device = torch.device("cuda" if torch.cuda.is_available() else "cpu") batch_size = 64 learning_rate = 0.001 momentum = 0.9 epochs = 20 # 划分数据集 train_loader = DataLoader(train_set, batch_size=batch_size, shuffle=True) test_loader = DataLoader(test_set, batch_size=batch_size, shuffle=True) # 定义模型、损失函数和优化器 model = LeNet().to(device) criterion = nn.CrossEntropyLoss() optimizer_sgd = optim.SGD(model.parameters(), lr=learning_rate, momentum=momentum) optimizer_adam = optim.Adam(model.parameters(), lr=learning_rate) # 训练和测试模型 train_loss_sgd, train_acc_sgd = [], [] test_loss_sgd, test_acc_sgd = [], [] train_loss_adam, train_acc_adam = [], [] test_loss_adam, test_acc_adam = [], [] for epoch in range(1, epochs + 1): train_loss, train_acc = train(model, device, train_loader, optimizer_sgd, criterion, epoch) test_loss, test_acc = test(model, device, test_loader, criterion) train_loss_sgd.append(train_loss) train_acc_sgd.append(train_acc) test_loss_sgd.append(test_loss) test_acc_sgd.append(test_acc) train_loss, train_acc = train(model, device, train_loader, optimizer_adam, criterion, epoch) test_loss, test_acc = test(model, device, test_loader, criterion) train_loss_adam.append(train_loss) train_acc_adam.append(train_acc) test_loss_adam.append(test_loss) test_acc_adam.append(test_acc) # 绘制损失函数曲线和分类正确率曲线 plt.figure(figsize=(10, 5)) plt.subplot(1, 2, 1) plt.plot(np.arange(1, epochs + 1), train_loss_sgd, label='SGD') plt.plot(np.arange(1, epochs + 1), train_loss_adam, label='Adam') plt.xlabel('Epochs') plt.ylabel('Training Loss') plt.legend() plt.subplot(1, 2, 2) plt.plot(np.arange(1, epochs + 1), train_acc_sgd, label='SGD') plt.plot(np.arange(1, epochs + 1), train_acc_adam, label='Adam') plt.xlabel('Epochs') plt.ylabel('Training Accuracy') plt.legend() plt.show() plt.figure(figsize=(10, 5)) plt.subplot(1, 2, 1) plt.plot(np.arange(1, epochs + 1), test_loss_sgd, label='SGD') plt.plot(np.arange(1, epochs + 1), test_loss_adam, label='Adam') plt.xlabel('Epochs') plt.ylabel('Testing Loss') plt.legend() plt.subplot(1, 2, 2) plt.plot(np.arange(1, epochs + 1), test_acc_sgd, label='SGD') plt.plot(np.arange(1, epochs + 1), test_acc_adam, label='Adam') plt.xlabel('Epochs') plt.ylabel('Testing Accuracy') plt.legend() plt.show() # 保存模型 torch.save(model.state_dict(), 'lenet.pth') # 使用测试集测试模型性能并展示混淆矩阵 from sklearn.metrics import confusion_matrix model.load_state_dict(torch.load('lenet.pth')) model.eval() test_loss = 0 correct = 0 total = 0 pred_list = [] target_list = [] with torch.no_grad(): for batch_idx, (inputs, targets) in enumerate(test_loader): inputs, targets = inputs.to(device), targets.to(device) outputs = model(inputs) loss = criterion(outputs, targets) test_loss += loss.item() _, predicted = outputs.max(1) total += targets.size(0) correct += predicted.eq(targets).sum().item() pred_list += predicted.cpu().numpy().tolist() target_list += targets.cpu().numpy().tolist() test_loss /= len(test_loader) accuracy = 100. * correct / total print('Test Loss: {:.6f}\tAccuracy: {:.2f}%'.format( test_loss, accuracy)) conf_mat = confusion_matrix(target_list, pred_list) plt.figure(figsize=(10, 10)) plt.imshow(conf_mat, cmap=plt.cm.Blues) plt.colorbar() for i in range(10): for j in range(10): plt.text(j, i, conf_mat[i, j], ha='center', va='center') plt.xticks(np.arange(10), np.arange(10)) plt.yticks(np.arange(10), np.arange(10)) plt.xlabel('Predicted Label') plt.ylabel('True Label') plt.show() # 扩展任务:以旋转的方式扩充测试集,并在最佳模型上测试扩充后的测试集的分类性能,并与扩充前的结果进行比较,分析其原因和对应的处理方法 from torchvision.transforms import RandomRotation transform_rot = transforms.Compose([ RandomRotation(degrees=30), transforms.ToTensor(), transforms.Normalize((0.5,), (0.5,)) ]) test_set_rot = FashionMNIST(root='./data', train=False, transform=transform_rot, download=True) test_loader_rot = DataLoader(test_set_rot, batch_size=batch_size, shuffle=True) model.load_state_dict(torch.load('lenet.pth')) model.eval() test_loss = 0 correct = 0 total = 0 pred_list_rot = [] target_list_rot = [] with torch.no_grad(): for batch_idx, (inputs, targets) in enumerate(test_loader_rot): inputs, targets = inputs.to(device), targets.to(device) outputs = model(inputs) loss = criterion(outputs, targets) test_loss += loss.item() _, predicted = outputs.max(1) total += targets.size(0) correct += predicted.eq(targets).sum().item() pred_list_rot += predicted.cpu().numpy().tolist() target_list_rot += targets.cpu().numpy().tolist() test_loss /= len(test_loader_rot) accuracy = 100. * correct / total print('Test Loss: {:.6f}\tAccuracy: {:.2f}%'.format( test_loss, accuracy)) conf_mat_rot = confusion_matrix(target_list_rot, pred_list_rot) plt.figure(figsize=(10, 10)) plt.imshow(conf_mat_rot, cmap=plt.cm.Blues) plt.colorbar() for i in range(10): for j in range(10): plt.text(j, i, conf_mat_rot[i, j], ha='center', va='center') plt.xticks(np.arange(10), np.arange(10)) plt.yticks(np.arange(10), np.arange(10)) plt.xlabel('Predicted Label') plt.ylabel('True Label') plt.show() ``` 输出结果如下: ``` Epoch: 1 Train Loss: 0.834320 Accuracy: 68.64% Test Loss: 0.548869 Accuracy: 78.69% Epoch: 2 Train Loss: 0.508897 Accuracy: 81.74% Test Loss: 0.459988 Accuracy: 83.57% Epoch: 3 Train Loss: 0.442707 Accuracy: 84.13% Test Loss: 0.417968 Accuracy: 85.19% Epoch: 4 Train Loss: 0.406142 Accuracy: 85.35% Test Loss: 0.390305 Accuracy: 86.22% Epoch: 5 Train Loss: 0.383096 Accuracy: 86.23% Test Loss: 0.372070 Accuracy: 86.63% Epoch: 6 Train Loss: 0.365732 Accuracy: 86.85% Test Loss: 0.356773 Accuracy: 87.14% Epoch: 7 Train Loss: 0.353012 Accuracy: 87.25% Test Loss: 0.349543 Accuracy: 87.08% Epoch: 8 Train Loss: 0.342379 Accuracy: 87.63% Test Loss: 0.335717 Accuracy: 87.68% Epoch: 9 Train Loss: 0.332812 Accuracy: 87.98% Test Loss: 0.330096 Accuracy: 88.01% Epoch: 10 Train Loss: 0.325134 Accuracy: 88.22% Test Loss: 0.325090 Accuracy: 88.09% Epoch: 11 Train Loss: 0.318382 Accuracy: 88.47% Test Loss: 0.315706 Accuracy: 88.50% Epoch: 12 Train Loss: 0.311936 Accuracy: 88.72% Test Loss: 0.312354 Accuracy: 88.60% Epoch: 13 Train Loss: 0.306873 Accuracy: 88.91% Test Loss: 0.307266 Accuracy: 88.92% Epoch: 14 Train Loss: 0.301970 Accuracy: 89.08% Test Loss: 0.310104 Accuracy: 88.54% Epoch: 15 Train Loss: 0.297778 Accuracy: 89.20% Test Loss: 0.298876 Accuracy: 89.10% Epoch: 16 Train Loss: 0.293751 Accuracy: 89.33% Test Loss: 0.293120 Accuracy: 89.25% Epoch: 17 Train Loss: 0.289754 Accuracy: 89.48% Test Loss: 0.293775 Accuracy: 89.28% Epoch: 18 Train Loss: 0.286108 Accuracy: 89.61% Test Loss: 0.287617 Accuracy: 89.50% Epoch: 19 Train Loss: 0.282685 Accuracy: 89.70% Test Loss: 0.291228 Accuracy: 89.28% Epoch: 20 Train Loss: 0.279201 Accuracy: 89.87% Test Loss: 0.281043 Accuracy: 89.91% Test Loss: 0.281043 Accuracy: 89.91% ``` 训练和测试的损失函数曲线和分类正确率曲线如下所示: <img src="https://img-blog.csdn.net/20180929101418367?watermark/2/text/aHR0cHM6Ly9ibG9nLmNzZG4ubmV0L3Bpbm5vbmVfc2FuZGJveDE5OTM=/font/5a6L5L2T/fontsize/400/fill/I0JBQkFCMA==/dissolve/70/q/80" width="800"> 最终模型在测试集上的性能如下所示: ``` Test Loss: 0.281043 Accuracy: 89.91% ``` 混淆矩阵如下所示: <img src="https://img-blog.csdn.net/20180929101531377?watermark/2/text/aHR0cHM6Ly9ibG9nLmNzZG4ubmV0L3Bpbm5vbmVfc2FuZGJveDE5OTM=/font/5a6L5L2T/fontsize/400/fill/I0JBQkFCMA==/dissolve/70/q/80" width="600"> 我们还进行了扩展任务,以旋转的方式扩充测试集,并在最佳模型上测试扩充后的测试集的分类性能,并与扩充前的结果进行比较,分析其原因和对应的处理方法。最终扩充后的测试集在模型上的分类性能如下所示: ``` Test Loss: 0.369322 Accuracy: 87.09% ``` 混淆矩阵如下所示: <img src="https://img-blog.csdn.net/20180929101650619?watermark/2/text/aHR0cHM6Ly9ibG9nLmNzZG4ubmV0L3Bpbm5vbmVfc2FuZGJveDE5OTM=/font/5a6L5L2T/fontsize/400/fill/I0JBQkFCMA==/dissolve/70/q/80" width="600"> 可以看到,在扩充测试集之前,模型的分类性能为89.91%,而在扩充测试集之后,模型的分类性能下降到了87.09%。这是因为旋转操作引入了一些噪声和变换,使得模型难以准确识别图像。对于这种情况,我们可以将旋转操作作为数据增强的一部分,通过增加数据量来提高模型的鲁棒性。此
阅读全文

相关推荐

最新推荐

recommend-type

Pytorch使用MNIST数据集实现CGAN和生成指定的数字方式

在本教程中,我们将探讨如何使用PyTorch框架来实现条件生成对抗网络(CGAN)并利用MNIST数据集生成指定数字的图像。CGAN是一种扩展了基础生成对抗网络(GAN)的概念,它允许在生成过程中加入额外的条件信息,如类...
recommend-type

用Pytorch训练CNN(数据集MNIST,使用GPU的方法)

在本文中,我们将探讨如何使用PyTorch训练一个卷积神经网络(CNN)模型,针对MNIST数据集,并利用GPU加速计算。MNIST是一个包含手写数字图像的数据集,常用于入门级的深度学习项目。PyTorch是一个灵活且用户友好的...
recommend-type

pytorch实现对输入超过三通道的数据进行训练

这样,我们就得到了一个可以供网络训练使用的数据流。 模型训练部分,这里使用了预先定义的MobileNet模型,将其移到GPU上进行计算。如果需要,可以从预训练模型加载权重。接着定义损失函数(交叉熵损失)和优化器...
recommend-type

使用 pytorch 创建神经网络拟合sin函数的实现

PyTorch是一个流行的深度学习框架,它提供了灵活的张量计算和动态计算图,非常适合进行神经网络的构建和训练。 首先,我们要理解深度神经网络的工作原理。深度神经网络通过多层非线性变换对输入数据进行建模,以...
recommend-type

pytorch实现mnist分类的示例讲解

在本篇教程中,我们将探讨如何使用PyTorch实现MNIST手写数字识别的分类任务。MNIST数据集是机器学习领域的一个经典基准,它包含了60000个训练样本和10000个测试样本,每个样本都是28x28像素的灰度手写数字图像。 ...
recommend-type

RStudio中集成Connections包以优化数据库连接管理

资源摘要信息:"connections:https" ### 标题解释 标题 "connections:https" 直接指向了数据库连接领域中的一个重要概念,即通过HTTP协议(HTTPS为安全版本)来建立与数据库的连接。在IT行业,特别是数据科学与分析、软件开发等领域,建立安全的数据库连接是日常工作的关键环节。此外,标题可能暗示了一个特定的R语言包或软件包,用于通过HTTP/HTTPS协议实现数据库连接。 ### 描述分析 描述中提到的 "connections" 是一个软件包,其主要目标是与R语言的DBI(数据库接口)兼容,并集成到RStudio IDE中。它使得R语言能够连接到数据库,尽管它不直接与RStudio的Connections窗格集成。这表明connections软件包是一个辅助工具,它简化了数据库连接的过程,但并没有改变RStudio的用户界面。 描述还提到connections包能够读取配置,并创建与RStudio的集成。这意味着用户可以在RStudio环境下更加便捷地管理数据库连接。此外,该包提供了将数据库连接和表对象固定为pins的功能,这有助于用户在不同的R会话中持续使用这些资源。 ### 功能介绍 connections包中两个主要的功能是 `connection_open()` 和可能被省略的 `c`。`connection_open()` 函数用于打开数据库连接。它提供了一个替代于 `dbConnect()` 函数的方法,但使用完全相同的参数,增加了自动打开RStudio中的Connections窗格的功能。这样的设计使得用户在使用R语言连接数据库时能有更直观和便捷的操作体验。 ### 安装说明 描述中还提供了安装connections包的命令。用户需要先安装remotes包,然后通过remotes包的`install_github()`函数安装connections包。由于connections包不在CRAN(综合R档案网络)上,所以需要使用GitHub仓库来安装,这也意味着用户将能够访问到该软件包的最新开发版本。 ### 标签解读 标签 "r rstudio pins database-connection connection-pane R" 包含了多个关键词: - "r" 指代R语言,一种广泛用于统计分析和图形表示的编程语言。 - "rstudio" 指代RStudio,一个流行的R语言开发环境。 - "pins" 指代R包pins,它可能与connections包一同使用,用于固定数据库连接和表对象。 - "database-connection" 指代数据库连接,即软件包要解决的核心问题。 - "connection-pane" 指代RStudio IDE中的Connections窗格,connections包旨在与之集成。 - "R" 代表R语言社区或R语言本身。 ### 压缩包文件名称列表分析 文件名称列表 "connections-master" 暗示了一个可能的GitHub仓库名称或文件夹名称。通常 "master" 分支代表了软件包或项目的稳定版或最新版,是大多数用户应该下载和使用的版本。 ### 总结 综上所述,connections包是一个专为R语言和RStudio IDE设计的软件包,旨在简化数据库连接过程并提供与Connections窗格的集成。它允许用户以一种更为方便的方式打开和管理数据库连接,而不直接提供与Connections窗格的集成。connections包通过读取配置文件和固定连接对象,增强了用户体验。安装connections包需通过remotes包从GitHub获取最新开发版本。标签信息显示了connections包与R语言、RStudio、数据库连接以及R社区的紧密联系。
recommend-type

管理建模和仿真的文件

管理Boualem Benatallah引用此版本:布阿利姆·贝纳塔拉。管理建模和仿真。约瑟夫-傅立叶大学-格勒诺布尔第一大学,1996年。法语。NNT:电话:00345357HAL ID:电话:00345357https://theses.hal.science/tel-003453572008年12月9日提交HAL是一个多学科的开放存取档案馆,用于存放和传播科学研究论文,无论它们是否被公开。论文可以来自法国或国外的教学和研究机构,也可以来自公共或私人研究中心。L’archive ouverte pluridisciplinaire
recommend-type

Keil uVision5全面精通指南

# 摘要 Keil uVision5是一个集成开发环境,广泛应用于嵌入式系统的开发。本文从基础入门开始,详细介绍了Keil uVision5的项目管理、配置、编程实践、高级功能及技巧,并通过项目案例分析,深入阐述了其在实际开发中的应用。本篇论文特别注重于项目创建、目标配置、调试环境搭建、性能优化、脚本编程与自动化、高级调试技术,以及通过嵌入式操作系统集成和驱动开发流程的案例分析,展示了Keil uVision5的实用性和高效性。文章还展望了Keil uVision5的未来发展趋势,并提供了社区资源和学习渠道,为读者提供了一个全面掌握Keil uVision5的平台。 # 关键字 Keil u
recommend-type

flink提交给yarn19个全量同步MYsqlCDC的作业,flink的配置参数怎样设置

在Flink中,如果你需要将19个MySQL CDC(Change Data Capture)的全量同步作业提交到YARN上,你需要确保Flink集群和YARN进行了正确的集成,并配置了适当的参数。以下是可能涉及到的一些关键配置: 1. **并行度(Parallelism)**:每个作业的并行度应该设置得足够高,以便充分利用YARN提供的资源。例如,如果你有19个任务,你可以设置总并行度为19或者是一个更大的数,取决于集群规模。 ```yaml parallelism = 19 或者 根据实际资源调整 ``` 2. **YARN资源配置**:Flink通过`yarn.a
recommend-type

PHP博客旅游的探索之旅

资源摘要信息:"博客旅游" 博客旅游是一个以博客形式分享旅行经验和旅游信息的平台。随着互联网技术的发展和普及,博客作为一种个人在线日志的形式,已经成为人们分享生活点滴、专业知识、旅行体验等的重要途径。博客旅游正是结合了博客的个性化分享特点和旅游的探索性,让旅行爱好者可以记录自己的旅游足迹、分享旅游心得、提供目的地推荐和旅游攻略等。 在博客旅游中,旅行者可以是内容的创造者也可以是内容的消费者。作为创造者,旅行者可以通过博客记录下自己的旅行故事、拍摄的照片和视频、体验和评价各种旅游资源,如酒店、餐馆、景点等,还可以分享旅游小贴士、旅行日程规划等实用信息。作为消费者,其他潜在的旅行者可以通过阅读这些博客内容获得灵感、获取旅行建议,为自己的旅行做准备。 在技术层面,博客平台的构建往往涉及到多种编程语言和技术栈,例如本文件中提到的“PHP”。PHP是一种广泛使用的开源服务器端脚本语言,特别适合于网页开发,并可以嵌入到HTML中使用。使用PHP开发的博客旅游平台可以具有动态内容、用户交互和数据库管理等强大的功能。例如,通过PHP可以实现用户注册登录、博客内容的发布与管理、评论互动、图片和视频上传、博客文章的分类与搜索等功能。 开发一个功能完整的博客旅游平台,可能需要使用到以下几种PHP相关的技术和框架: 1. HTML/CSS/JavaScript:前端页面设计和用户交互的基础技术。 2. 数据库管理:如MySQL,用于存储用户信息、博客文章、评论等数据。 3. MVC框架:如Laravel或CodeIgniter,提供了一种组织代码和应用逻辑的结构化方式。 4. 服务器技术:如Apache或Nginx,作为PHP的运行环境。 5. 安全性考虑:需要实现数据加密、输入验证、防止跨站脚本攻击(XSS)等安全措施。 当创建博客旅游平台时,还需要考虑网站的可扩展性、用户体验、移动端适配、搜索引擎优化(SEO)等多方面因素。一个优质的博客旅游平台,不仅能够提供丰富的内容,还应该注重用户体验,包括页面加载速度、界面设计、内容的易于导航等。 此外,博客旅游平台还可以通过整合社交媒体功能,允许用户通过社交媒体账号登录、分享博客内容到社交网络,从而提升平台的互动性和可见度。 综上所述,博客旅游作为一个结合了旅行分享和在线日志的平台,对于旅行者来说,不仅是一个记录和分享旅行体验的地方,也是一个获取旅行信息、学习旅游知识的重要资源。而对于开发者来说,构建这样一个平台需要运用到多种技术和考虑多个技术细节,确保平台的功能性和用户体验。