Python 家族的深度学习框架有很多,比如:
而 PyTorh 是其中表现非常好的一个,今天我们就来开启 PyTorh 的入门之旅
它是一个基于 Python 的科学计算包,主要有两大特色:
在机器上安装 PyTorch 还是非常简单的
基于操作系统或包管理器等系统属性,它可以从命令提示符或在 IDE(如 PyCharm 等)中直接安装
Tensors 类似于 NumPy 的 n 维数组,此外 Tensors 也可以在 GPU 上进行加速计算
让我们构造一个简单的 Tensors 并检查输出,首先让我们看看如何构建一个 5×3 的未初始化矩阵:
x = torch.empty(5, 3)
print(x)
Output:
tensor([[8.3665e+22, 4.5580e-41, 1.6025e-03],
[3.0763e-41, 0.0000e+00, 0.0000e+00],
[0.0000e+00, 0.0000e+00, 3.4438e-41],
[0.0000e+00, 4.8901e-36, 2.8026e-45],
[6.6121e+31, 0.0000e+00, 9.1084e-44]])
现在让我们构造一个随机初始化的矩阵:
x = torch.rand(5, 3)
print(x)
Output:
tensor([[0.1607, 0.0298, 0.7555],
[0.8887, 0.1625, 0.6643],
[0.7328, 0.5419, 0.6686],
[0.0793, 0.1133, 0.5956],
[0.3149, 0.9995, 0.6372]])
直接从数据构造张量:
x = torch.tensor([5.5, 3])
print(x)
Output:
tensor([5.5000, 3.0000])
张量运算操作有多种语法,在下面的例子中,我们将看看加法运算:
y = torch.rand(5, 3)
print(x + y)
Output:
tensor([[ 0.2349, -0.0427, -0.5053],
[ 0.6455, 0.1199, 0.4239],
[ 0.1279, 0.1105, 1.4637],
[ 0.4259, -0.0763, -0.9671],
[ 0.6856, 0.5047, 0.4250]])
调整大小:如果我们想重塑/调整张量的大小,可以使用“torch.view”:
x = torch.randn(4, 4)
y = x.view(16)
z = x.view(-1, 8) # the size -1 is inferred from other dimensions
print(x.size(), y.size(), z.size())
Output:
torch.Size([4, 4]) torch.Size([16]) torch.Size([2, 8])
NumPy 是 Python 编程语言的库,增加了对大型、多维数组和矩阵的支持,以及用于对这些数组进行操作的大量高级数学函数集合
Numpy 还有一下特定
除了明显的科学用途外,NumPy 还可以用作通用数据的高效多维容器,也可以定义任意的数据类型
这使得 NumPy 可以无缝快速地与各种数据库集成!
将 Torch Tensor 转换为 NumPy 数组,反之亦然是轻而易举
Torch Tensor 和 NumPy 数组将共享它们的底层内存位置,改变一个将同时改变另一个
将 Torch 张量转换为 NumPy 数组:
a = torch.ones(5)
print(a)
b = a.numpy()
print(b)
Output:
tensor([1., 1., 1., 1., 1.])
[1. 1. 1. 1. 1.]
下面让我们执行求和运算并检查值的变化:
a.add_(1)
print(a)
print(b)
Output:
tensor([2., 2., 2., 2., 2.]) [2. 2. 2. 2. 2.]
将 NumPy 数组转换为 Torch 张量:
import numpy as no
a = np.ones(5)
b = torch.from_numpy(a)
np.add(a, 1, out=a)
print(a)
print(b)
Output:
[2. 2. 2. 2. 2.]
tensor([2., 2., 2., 2., 2.], dtype=torch.float64)
可以看到,Numpy 与 Torch 之间的互转还是非常方便的
通常,当我们处理图像、文本、音频或视频数据时,可以使用标准的 Python 包将数据加载到 Numpy 数组中,然后就可以把这个数组转换成一个 torch.*Tensor
专门针对视觉,有一个名为 torchvision 的包,它实现了 Imagenet、CIFAR10、MNIST 等常见数据集的数据加载器和用于图像的数据转换器,这样我们就可以很方便的使用已有数据集进行学习
在这里,我们将使用 CIFAR10 数据集
它有类别:“飞机”、“汽车”、“鸟”、“猫”、“鹿”、“狗”、“青蛙”、“马”、“船”、“卡车”。 CIFAR-10 中的图像大小为3x32x32,即32×32像素大小的3通道彩色图像,如下图:
首先我们加载和归一化 CIFAR10 使用 torchvision 加载
import torch
import torchvision
import torchvision.transforms as transforms
torchvision 数据集的输出是范围 [0, 1] 的 PILImage 图像,我们将它们转换为归一化范围 [-1, 1] 的张量
transform = transforms.Compose(
[transforms.ToTensor(),
transforms.Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5))])
trainset = torchvision.datasets.CIFAR10(root='./data', train=True,
download=True, transform=transform)
trainloader = torch.utils.data.DataLoader(trainset, batch_size=4,
shuffle=True, num_workers=2)
testset = torchvision.datasets.CIFAR10(root='./data', train=False,
download=True, transform=transform)
testloader = torch.utils.data.DataLoader(testset, batch_size=4,
shuffle=False, num_workers=2)
classes = ('plane', 'car', 'bird', 'cat',
'deer', 'dog', 'frog', 'horse', 'ship', 'truck')
Output:
Downloading https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz to ./data/cifar-10-python.tar.gz Files already downloaded and verified
接下来,我们从数据集中打印一些训练图像
import matplotlib.pyplot as plt
import numpy as np
# functions to show an image
def imshow(img):
img = img / 2 + 0.5 # unnormalize
npimg = img.numpy()
plt.imshow(np.transpose(npimg, (1, 2, 0)))
# get some random training images
dataiter = iter(trainloader)
images, labels = dataiter.next()
# show images
imshow(torchvision.utils.make_grid(images))
# print labels
print(' '.join('%5s' % classes[labels[j]] for j in range(4)))
Output:
dog bird horse horse
下面我们定义卷积神经网络 考虑使用 3 通道图像(红色、绿色和蓝色)的情况,我们定义 CNN 架构
import torch.nn as nn
import torch.nn.functional as F
class Net(nn.Module):
def __init__(self):
super(Net, self).__init__()
self.conv1 = nn.Conv2d(3, 6, 5)
self.pool = nn.MaxPool2d(2, 2)
self.conv2 = nn.Conv2d(6, 16, 5)
self.fc1 = nn.Linear(16 * 5 * 5, 120)
self.fc2 = nn.Linear(120, 84)
self.fc3 = nn.Linear(84, 10)
def forward(self, x):
x = self.pool(F.relu(self.conv1(x)))
x = self.pool(F.relu(self.conv2(x)))
x = x.view(-1, 16 * 5 * 5)
x = F.relu(self.fc1(x))
x = F.relu(self.fc2(x))
x = self.fc3(x)
return x
net = Net()
接下来定义损失函数和优化器
我们使用 Cross-Entropy loss 和 SGD
事实上,Cross-Entropy Loss 是一个介于 0-1 之间的概率值,完美模型的交叉熵损失为 0,但也可能发生预期值为 0.2 但最终却得到 2 的情况,这将导致非常高的损失并且根本没有任何作用
import torch.optim as optim
criterion = nn.CrossEntropyLoss()
optimizer = optim.SGD(net.parameters(), lr=0.001, momentum=0.9)
下面就可以训练神经网络了
我们只需要遍历我们的数据迭代器,并将输入提供给网络并进行优化
for epoch in range(2): # loop over the dataset multiple times
running_loss = 0.0
for i, data in enumerate(trainloader, 0):
# get the inputs
inputs, labels = data
# zero the parameter gradients
optimizer.zero_grad()
# forward + backward + optimize
outputs = net(inputs)
loss = criterion(outputs, labels)
loss.backward()
optimizer.step()
# print statistics
running_loss += loss.item()
if i % 2000 == 1999: # print every 2000 mini-batches
print('[%d, %5d] loss: %.3f' %
(epoch + 1, i + 1, running_loss / 2000))
running_loss = 0.0
print('Finished Training')
Output:
[1, 2000] loss: 2.236
[1, 4000] loss: 1.880
[1, 6000] loss: 1.676
[1, 8000] loss: 1.586
[1, 10000] loss: 1.515
[1, 12000] loss: 1.464
[2, 2000] loss: 1.410
[2, 4000] loss: 1.360
[2, 6000] loss: 1.360
[2, 8000] loss: 1.325
[2, 10000] loss: 1.312
[2, 12000] loss: 1.302
Finished Training
最后,在测试集上测试神经网络
我们已经在训练数据集上训练了 2 遍网络,但是还需要检查网络是否学到了什么东西
我们将通过预测神经网络输出的类标签来检查这一点,并根据真实情况进行检查,如果预测正确,我们将样本添加到正确预测列表中
第一步,让我们展示一张来自测试集的图片
dataiter = iter(testloader)
images, labels = dataiter.next()
# print images
imshow(torchvision.utils.make_grid(images))
print('GroundTruth: ', ' '.join('%5s' % classes[labels[j]] for j in range(4)))
Output:
GroundTruth: cat ship ship plane
第二步,使用神经网络进行预测
outputs = net(images)
predicted = torch.max(outputs, 1)
print('Predicted: ', ' '.join('%5s' % classes[predicted[j]]
for j in range(4)))
outputs 输出是 10 个类别的权重,一个类别的权重越高,神经网络就越认为该图像属于该类别 Output:
Predicted: cat car car plane
效果似乎还不错
再接下来让我们看看神经网络在整个数据集上的表现
correct = 0
total = 0
with torch.no_grad():
for data in testloader:
images, labels = data
outputs = net(images)
_, predicted = torch.max(outputs.data, 1)
total += labels.size(0)
correct += (predicted == labels).sum().item()
print('Accuracy of the network on the 10000 test images: %d %%' % (
100 * correct / total))
Output:
Accuracy of the network on the 10000 test images: 54 %
准确率还可以,比随机偶然的10%(从 10 个类中随机选择一个类)还是高出不少的
最后我们再看下不同类别的准确率
class_correct = list(0. for i in range(10))
class_total = list(0. for i in range(10))
with torch.no_grad():
for data in testloader:
images, labels = data
outputs = net(images)
_, predicted = torch.max(outputs, 1)
c = (predicted == labels).squeeze()
for i in range(4):
label = labels[i]
class_correct[label] += c[i].item()
class_total[label] += 1
for i in range(10):
print('Accuracy of %5s : %2d %%' % (
classes[i], 100 * class_correct[i] / class_total[i]))
Output:
Accuracy of plane : 61 %
Accuracy of car : 85 %
Accuracy of bird : 46 %
Accuracy of cat : 23 %
Accuracy of deer : 40 %
Accuracy of dog : 36 %
Accuracy of frog : 80 %
Accuracy of horse : 59 %
Accuracy of ship : 65 %
Accuracy of truck : 46 %
好了,今天的分享就到这里了,看到这里的朋友,如果你觉得满意请务必点个赞 + 在看 支持下,感谢~
本文由 mdnice 多平台发布