1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119 | import torch
import torchvision
from torch.utils import data
from torchvision import transforms
from d2l import torch as d2l
from IPython import display
# labels为[0,1,2,4,3]这种,转换为真实的类别英文
def get_fashion_mnist_labels(labels):
text_labels = ['t-shirt', 'trouser', 'pullover', 'dress', 'coat',
'sandal', 'shirt', 'sneaker', 'bag', 'ankle boot']
return [text_labels[int(i)] for i in labels]
# 根据batch_size抽取训练集和测试集,(train_iter, test_iter)
# 每个iter有X和y,X为对应的张量,y为对应的label index
def load_data_fashion_mnist(batch_size, resize=None):
"""下载Mnist数据集,将其加载到内存中"""
trans = [transforms.ToTensor()]
if resize:
trans.insert(0, transforms.Resize(resize))
#print(trans)
trans = transforms.Compose(trans)
mnist_train = torchvision.datasets.FashionMNIST(
root="../data", train=True, transform=trans, download=True
)
mnist_test = torchvision.datasets.FashionMNIST(
root="../data", train=False, transform=trans, download=True
)
return (data.DataLoader(mnist_train, batch_size, shuffle=True,
num_workers=4),
data.DataLoader(mnist_test, batch_size, shuffle=True,
num_workers=4),
)
# 使用softmax来保证每行的每项都是>=0,并且每行总和加和=1
def softmax(X):
X_exp = torch.exp(X)
partition = X_exp.sum(1, keepdim=True)
#print(f'X {X} \nX_exp {X_exp} \npartition {partition}')
return X_exp / partition
# 模型
def net(X):
return softmax(
torch.matmul(X.reshape(-1, W.shape[0]), W) + b
)
# 损失函数,交叉熵损失 -log(y_hat * y)
def cross_entropy(y_hat, y):
return -torch.log(y_hat[range(len(y_hat)), y])
# 平方损失函数
def L2(y_hat, y):
return (y_hat.reshape(y.shape) - y) ** 2 / 2
#随机梯度下降 更新w和b
def updater(batch_size):
return d2l.sgd([W,b], lr, batch_size)
# 准确评估函数,对于每行最大值作为预测结果,判断预测准确精度
def accuracy(y_hat, y):
if len(y_hat.shape) > 1 and y_hat.shape[1] > 1:
y_hat = y_hat.argmax(axis=1) # 找到每一行最大值的index
#print(f'y_hat {y_hat}')
cmp = y_hat.type(y.dtype) == y
return float(cmp.type(y.dtype).sum())
# 网络训练
def train_epoch_ch3(net, train_iter, loss, updater):
if isinstance(net, torch.nn.Module):
net.train()
# 训练损失总和,训练准确度总和,样本数
metric = d2l.Accumulator(3)
for X, y in train_iter:
y_hat = net(X)
l = loss(y_hat, y)
if isinstance(updater, torch.optim.Optimizer):
updater.zero_grad()
l.mean().backward()
updater.step()
else:
l.sum().backward()
updater(X.shape[0])
metric.add(float(l.sum()), accuracy(y_hat, y), y.numel())
# 返回训练损失和 和 训练精度
return metric[0] / metric[2], metric[1] / metric[2]
# 通过渐变图形观测结果
def train_ch3(net, train_iter, test_iter, loss, num_epochs, updater):
animator = d2l.Animator(xlabel='epoch', xlim=[1, num_epochs],
ylim=[0.3, 0.9], legend=['train loss', 'train acc', 'test acc']
)
for epoch in range(num_epochs):
train_metrics = train_epoch_ch3(net, train_iter, loss, updater)
test_acc = d2l.evaluate_accuracy(net, test_iter)
animator.add(epoch+1, train_metrics + (test_acc,))
train_loss, train_acc = train_metrics
assert train_loss < 0.5, train_loss
assert train_acc <= 1 and train_acc > 0.7, train_acc
assert test_acc <= 1 and test_acc > 0.7, test_acc
batch_size = 256
train_iter, test_iter = load_data_fashion_mnist(batch_size)
# 图片是 1*28*28的
num_inputs = 28*28
num_outputs = 10
W = torch.normal(0, 0.01, size=(num_inputs, num_outputs), requires_grad=True)
b = torch.zeros(num_outputs, requires_grad=True)
lr = 0.1
num_epochs = 10
train_ch3(net, train_iter, test_iter, cross_entropy, num_epochs, updater)
|