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

目录

构建模型

python 复制代码
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)

模型中的可训练参数

python 复制代码
params=list(net.parameters())
print(len(params))
print(params[0].size()) #conv1的参数

假设输入尺寸为32*32

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


注意

损失函数

python 复制代码
target=torch.randn(10)
target=target.view(1,-1)
criterion=nn.MSELoss()
loss=criterion(out,target)
print(loss)
python 复制代码
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

反向传播

python 复制代码
#首先要执行梯度清零的操作
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)

更新网络参数

python 复制代码
#导入优化器包
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()
相关推荐
_Li.几秒前
机器学习-贝叶斯公式
人工智能·机器学习·概率论
brave and determined1 分钟前
CANN训练营 学习(day7)昇腾AI训练全流程实战:从模型迁移到性能优化的深度指南
pytorch·ai·ai训练·昇腾ai·msprobe·模型性能调优·训练配置
luoganttcc3 分钟前
详细分析一下 国富论里里面 十一章 关于白银价格的 论述
人工智能
GEO AI搜索优化助手14 分钟前
生态震荡——当“摘要”成为终点,知识价值链的重塑与博弈
人工智能·搜索引擎·生成式引擎优化·ai优化·geo搜索优化
IT_陈寒14 分钟前
JavaScript 性能优化:5个被低估的V8引擎技巧让你的代码提速50%
前端·人工智能·后端
哔哩哔哩技术19 分钟前
SABER: 模式切换的混合思考模型训练范式
人工智能
baby_hua21 分钟前
20251011_Pytorch从入门到精通
人工智能·pytorch·python
لا معنى له26 分钟前
学习笔记:循环神经网络(RNN)
人工智能·笔记·学习·机器学习
桜吹雪27 分钟前
DeepSeekV3.2模型内置Agent体验
javascript·人工智能
2501_9453184931 分钟前
2025年数字化转型:AI技能+CAIE认证夯实进阶根基
人工智能