pytorch工具——使用pytorch构建一个神经网络

构建模型

import torch
import torch.nn as nn
import torch.nn.functional as F

class Net(nn.Module):
    def __init__(self):
        super(Net,self).__init__()
        #定义第一层卷积层,输入维度=1,输出维度=6,卷积核大小3*3
        self.conv1=nn.Conv2d(1,6,3)
        self.conv2=nn.Conv2d(6,16,3)
        self.fc1=nn.Linear(16*6*6,120)
        self.fc2=nn.Linear(120,84)
        self.fc3=nn.Linear(84,10)
        
    def forward(self,x):
        #注意:任意卷积层后面要加激活层,池化层
        x=F.max_pool2d(F.relu(self.conv1(x),(2,2)))
        x=F.max_pool2d(F.relu(self.conv2(x),2))
        x=x.view(-1,self.num_flat_features(x))
        x=F.relu(self.fc1(x))
        x=F.relu(self.fc2(x))
        x=self.fc3(x)
        return x
    
    def num_flat_features(self,x):
        size=x.size()[1:]
        num_features=1
        for s in size:
            num_features*=s
        return num_features
    
net=Net()
print(net)

在这里插入图片描述

模型中的可训练参数

params=list(net.parameters())
print(len(params))
print(params[0].size()) #conv1的参数

在这里插入图片描述

假设输入尺寸为32*32

input=torch.randn(1,1,32,32) #个数,通道数,长,宽
out=net(input)
print(out)
print(out.size())

在这里插入图片描述
注意
在这里插入图片描述

损失函数

在这里插入图片描述

target=torch.randn(10)
target=target.view(1,-1)
criterion=nn.MSELoss()
loss=criterion(out,target)
print(loss)

在这里插入图片描述

print(loss.grad_fn)
print(loss.grad_fn.next_functions[0][0]) #上一层的grad_fn
print(loss.grad_fn.next_functions[0][0].next_functions[0][0]) #上上一层的grad_fn

在这里插入图片描述

反向传播

在这里插入图片描述

#首先要执行梯度清零的操作
net.zero_grad()

print('conv1.bisa.grad before backward')
print(net.conv1.bias.grad)

#实现一次反向传播
loss.backward()

print('conv1.bisa.grad after backward')
print(net.conv1.bias.grad)

在这里插入图片描述

更新网络参数

在这里插入图片描述

#导入优化器包
import torch.optim as optim
#构建优化器
optimizer=optim.SGD(net.parameters(),lr=0.01)
#优化器梯度清零
optimizer.zero_grad()
#进行网络计算并计算损失值
output=net(input)
loss=criterion(output,target)
#执行反向传播
loss.backward()
#更新参数
optimizer.step()
  • 2
    点赞
  • 2
    收藏
    觉得还不错? 一键收藏
  • 打赏
    打赏
  • 1
    评论
PyTorch提供了nn模块来快速构建神经网络。其中,nn.Sequential是一种常用的方式,它将网络以序列的方式组装起来。每个层使用前面层计算的输出作为输入,并维护层与层之间的权重矩阵和偏置向量。通过使用nn.Sequential,我们可以很方便地定义一个三层的神经网络。例如,下面的代码定义了一个具有10个输入节点、20个隐藏节点和2个输出节点的神经网络: import torch import torch.nn as nn model = torch.nn.Sequential( torch.nn.Linear(10, 20), torch.nn.ReLU(), torch.nn.Linear(20, 2) ) 这样就定义了一个简单的神经网络模型,其中有两个线性层和一个ReLU激活函数层。你可以根据需要自定义神经网络的结构和层数。<span class="em">1</span><span class="em">2</span><span class="em">3</span> #### 引用[.reference_title] - *1* [Pytorch入门(二)——使用pytorch构建神经网络](https://blog.csdn.net/ylycrp/article/details/122765162)[target="_blank" data-report-click={"spm":"1018.2226.3001.9630","extra":{"utm_source":"vip_chatgpt_common_search_pc_result","utm_medium":"distribute.pc_search_result.none-task-cask-2~all~insert_cask~default-1-null.142^v92^chatsearchT0_1"}}] [.reference_item style="max-width: 50%"] - *2* *3* [Pytorch学习(二)定义神经网络](https://blog.csdn.net/haohaomua/article/details/107084414)[target="_blank" data-report-click={"spm":"1018.2226.3001.9630","extra":{"utm_source":"vip_chatgpt_common_search_pc_result","utm_medium":"distribute.pc_search_result.none-task-cask-2~all~insert_cask~default-1-null.142^v92^chatsearchT0_1"}}] [.reference_item style="max-width: 50%"] [ .reference_list ]

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包

打赏作者

醋酸洋红就是我

你的鼓励将是我创作的最大动力

¥1 ¥2 ¥4 ¥6 ¥10 ¥20
扫码支付:¥1
获取中
扫码支付

您的余额不足,请更换扫码支付或充值

打赏作者

实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值