Pytorch编程基础

文章目录


前言

记录一些pytorch的基本使用方法。


一、导入库

python 复制代码
import torch
from torch.autograd import Variable # 自动求导变量
from torch import nn, optim # 网络层与优化器
from torch.utils.data import TensorDataset, DataLoader # 数据集迭代器

二、张量

1.创建张量

python 复制代码
从列表生成:a = torch.tensor([1,2,3], dtype=int)
全1全0:torch.ones(shape),torch.zeros(shape)
整数序列[m,n):torch.arrange(m,n)
随机数[0,1):torch.rand(3,4)
随机整数[m,n):torch.randint(m,n,shape)
正态分布:torch.randn()
相同形状随机数:b = torch.rand_like(a, dtype=float)

2.属性与方法

python 复制代码
维度:a.ndim;形状:a.shape,a.size()
数值:a[0].item()
类型转换:a.float(),a.type(torch.float32)

3.numpy转换

python 复制代码
array = np.array(tensor)
tensor = torch.from_numpy(array)
tensor = torch.tensor(array)

4.维度变换

python 复制代码
b = a.view(shape) 
b = a.reshape(shape) 

5.运算操作

python 复制代码
a+b,torch.add(a,b[,out=c]), a.add_(b)
a-b,a*b,a/b, a%b,a//b,a**m
平方根:torch.sqrt(a)
矩阵乘法:torch.matmul(a, b)
转置:a.T
求和:torch.sum(a)
均值:.mean(a),中位数:.median(a)
最值:torch.max/min/argmax/argmin(a)

三、自动求导

python 复制代码
x = torch.ones(shape, requires_grad=True)
y = x * x
y.backward()
grad = x.grad

四、模型保存

python 复制代码
1、保存模型:
torch.save(model.state_dict(), 'model.pth')
2、载入模型
model.load_state_dict(torch.load('model.pth'))

五、模型定义

1.层连接

python 复制代码
# 层
nn.Linear(in_features, out_features)
nn.Conv2d(in_channels, out_channels, kernel_size, stride, padding)
nn.MaxPool2d(kernel_size,stride)
nn.LSTM(input_size, hidden_size, num_layers, batch_first)
# 激活函数
self.tanh = nn.Tanh()
self.relu = nn.ReLU()
self.softmax = nn.Softmax(dim=1)
# 模型序列
self.fc = nn.Sequential(nn.Linear(784,128), nn.ReLU())
self.conv = nn.Sequential(nn.Conv2d(32,64,5,1,2), nn.ReLU(), nn.MaxPool2d(2,2))
self.lstm = nn.LSTM(input_size=28, hidden_size=64, num_layers=1, batch_first=True)

2.损失函数

python 复制代码
nn.MSELoss()
nn.CrossEntropyLoss()

3.优化器

python 复制代码
optim.SGD(model.parameters(), lr=0.1)
optim.Adam(model.parameters(), lr=0.001)

总结

pytorch的张量操作与numpy数组基本一致。模型保存只保存参数,加载时需要重新定义模型。采用继承类的形式来定义模型,在初始化中设置模型参数,在方法中进行前向传播,注意按层要求修改数据形状。

相关推荐
测开小菜鸟21 分钟前
使用python向钉钉群聊发送消息
java·python·钉钉
Power202466642 分钟前
NLP论文速读|LongReward:基于AI反馈来提升长上下文大语言模型
人工智能·深度学习·机器学习·自然语言处理·nlp
数据猎手小k1 小时前
AIDOVECL数据集:包含超过15000张AI生成的车辆图像数据集,目的解决旨在解决眼水平分类和定位问题。
人工智能·分类·数据挖掘
好奇龙猫1 小时前
【学习AI-相关路程-mnist手写数字分类-win-硬件:windows-自我学习AI-实验步骤-全连接神经网络(BPnetwork)-操作流程(3) 】
人工智能·算法
沉下心来学鲁班1 小时前
复现LLM:带你从零认识语言模型
人工智能·语言模型
数据猎手小k1 小时前
AndroidLab:一个系统化的Android代理框架,包含操作环境和可复现的基准测试,支持大型语言模型和多模态模型。
android·人工智能·机器学习·语言模型
YRr YRr1 小时前
深度学习:循环神经网络(RNN)详解
人工智能·rnn·深度学习
sp_fyf_20241 小时前
计算机前沿技术-人工智能算法-大语言模型-最新研究进展-2024-11-01
人工智能·深度学习·神经网络·算法·机器学习·语言模型·数据挖掘
多吃轻食2 小时前
大模型微调技术 --> 脉络
人工智能·深度学习·神经网络·自然语言处理·embedding
萧鼎2 小时前
Python并发编程库:Asyncio的异步编程实战
开发语言·数据库·python·异步