目录
基础
数据可视化
python
import torch
from torch.utils.data import Dataset
from torchvision import datasets
from torchvision.transforms import ToTensor
import matplotlib.pyplot as plt
training_data = datasets.FashionMNIST(
root="data1",
train=True,
download=True,
transform=ToTensor()
)
test_data = datasets.FashionMNIST(
root="data1",
train=False,
download=True,
transform=ToTensor()
)
python
labels_map = {
0: "T-Shirt",
1: "Trouser",
2: "Pullover",
3: "Dress",
4: "Coat",
5: "Sandal",
6: "Shirt",
7: "Sneaker",
8: "Bag",
9: "Ankle Boot",
}
cols, rows = 3, 3
for i in range(1, cols * rows + 1):
sample_idx = torch.randint(len(training_data), size=(1,)).item() #用于随机取出一个training_data
img, label = training_data[sample_idx]
plt.subplot(3,3,i) #此处i必须是1开始
plt.title(labels_map[label])
plt.axis("off")
plt.imshow(img.squeeze(), cmap="gray")
plt.show()
切换设备device
python
device = (
"cuda"
if torch.cuda.is_available()
else "mps"
if torch.backends.mps.is_available()
else "cpu"
)
print(f"Using {device} device")
定义神经网络类
python
class NeuralNetwork(nn.Module):
def __init__(self):
super().__init__()
self.flatten = nn.Flatten()
self.linear_relu_stack = nn.Sequential(
nn.Linear(28*28, 512),
nn.ReLU(),
nn.Linear(512, 512),
nn.ReLU(),
nn.Linear(512, 10),
)
def forward(self, x):
x = self.flatten(x)
logits = self.linear_relu_stack(x)
return logits
打印每层的参数大小
python
print(f"Model structure: {model}\n\n")
for name, param in model.named_parameters():
print(f"Layer: {name} | Size: {param.size()} | Values : {param[:2]} \n")
自动微分
详见文章Variable
需要优化的参数需要加requires_grad=True
,会计算这些参数对于loss的梯度
python
import torch
x = torch.ones(5) # input tensor
y = torch.zeros(3) # expected output
w = torch.randn(5, 3, requires_grad=True)
b = torch.randn(3, requires_grad=True)
z = torch.matmul(x, w)+b
loss = torch.nn.functional.binary_cross_entropy_with_logits(z, y)
计算梯度
计算导数
python
loss.backward()
print(w.grad)
print(b.grad)
禁用梯度追踪
训练好后进行测试,也就是不要更新参数时使用
python
z = torch.matmul(x, w)+b
print(z.requires_grad)
with torch.no_grad():
z = torch.matmul(x, w)+b
print(z.requires_grad)
优化模型参数
- 调用optimizer.zero_grad()来重置模型参数的梯度。梯度会默认累加,为了防止重复计算(梯度),我们在每次遍历中显式的清空(梯度累加值)。
- 调用loss.backward()来反向传播预测误差。PyTorch对每个参数分别存储损失梯度。
- 我们获取到梯度后,调用optimizer.step()来根据反向传播中收集的梯度来调整参数。
python
optmizer.zero_grad()
loss.backward()
optmizer.step()
模型保存
python
import torch
import torchvision.models as models
model = models.vgg16(weights='IMAGENET1K_V1')
torch.save(model.state_dict(), 'model_weights.pth')
模型加载
python
model = models.vgg16() # we do not specify ``weights``, i.e. create untrained model
model.load_state_dict(torch.load('model_weights.pth'))
model.eval()
迁移学习
常见的迁移学习方式
- 载入权重后训练所有参数
- 载入权重后只训练最后几层参数
- 载入权重后在原网络基础上再添加一层全连接层,仅训练最后一个全连接层
进阶
padding更准确的补法
python
input=torch.randn(1,1,3,3)
m=torch.nn.ZeroPad2d((1,1,2,0)) #左,右,上,下
m(input)
ReLU增加计算量但是减少内存消耗的办法(对低维度特征信息造成大量损失)
python
torch.nn.ReLU(inplace=True)
输出合并
python
output=[branch1,branch2,branch3,branch4]
torch.cat(output,1) #在1维度上合并
自适应平均池化(将输入shape变成指定的输出shape)
python
avgpool=torch.nn.AdaptiveAvgPool2d((1,1)) #输出shape为(1,1)
深度可分离卷积(相比普通卷积参数量大大减小)
将卷积分为dw卷积和pw卷积(pw实际就是普通卷积,只是卷积核大小为1)
将groups设置为输入的深度(通道数),就是深度可分离卷积
python
nn.Conv2d(groups=1)
倒残差模块
提高训练效率小技巧(啥都生)
onecyclelr学习率(周期性学习率策略)
python
data_loader = torch.utils.data.DataLoader(...)
optimizer = torch.optim.SGD(model.parameters(), lr=0.1, momentum=0.9)
scheduler = torch.optim.lr_scheduler.OneCycleLR(optimizer, max_lr=0.01, steps_per_epoch=len(data_loader), epochs=10)
for epoch in range(10):
for batch in data_loader:
train_batch(...)
scheduler.step()
adamw(比adam好)
python
torch.optim.AdamW()
batchsize
经验:当batchsize加倍时,通常学习率也需要加倍
num_worker
使用多少子进程进行加载,一般设置为可用GPU数量的4倍
amp(自动混合精度训练)
梯度裁剪(避免梯度爆炸)
已证明在transformer和resnets等架构非常有用
BN层使用时注意的问题
(1)训练时要将traning参数设置为True,在验证时将trainning参数设置为False。在pytorch中可通过创建模型的model.train()和model.eval()方法控制。
(2)batch size尽可能设置大点,设置小后表现可能很糟糕,设置的越大求的均值和方差越接近整个训练集的均值和方差。
(3)建议将bn层放在卷积层(Conv)和激活层(例如Relu)之间,且卷积层不要使用偏置bias,因为没有用
python方法
读取图片
python
from PIL import Image
im=Image.open('1.jpg')
获取绝对路径方法
python
import os
data_root=os.path.abspath(os.getcwd())
data_root
数据加载(pytorch的用法)
python
data_transform={
'train':transforms.Compose([transforms.RandomResizedCrop(224),
transforms.ToTensor(),
transforms.Normalize((0.5,0.5,0.5),(0.5,0.5,0.5))]),
'val':transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.5,0.5,0.5),(0.5,0.5,0.5))])
}
from torchvision import transforms,datasets,utils
train_dataset=datasets.ImageFolder(root=data_root+'train',
transform=data_transform['train'])
获取数据的分类索引,并进行翻转
python
train_dataset.class_to_idx
cla_dict=dict((val,key) for key,val in flower_list.items())
将类别写入json文件
python
import json
json_str=json.dumps(cla_dict,indent=4) #转成json文件
with open('class_indices.json','w') as json_file: #写入json文件
json_file.write(json_str)
读取json文件
python
try:
json_file=open('./class_indices.json','r')
class_indict=json.load(json_file)
except Exception as e:
print(e)
exit(-1)
打印训练时间
python
import time
t1=time.time()
time.sleep(1)
t2=time.time()
print(t2-t1)
更精确用法
python
import time
t1=time.perf_counter()
time.sleep(1)
t2=time.perf_counter()
print(t2-t1)
导入同级文件的包
python
from ..utils.train_utils import get_info