"""导包并设置batch和steps大小"""
import math
import torch
from torch import nn
from torch.nn import functional as F
from d2l import torch as d2l
batch_size, num_steps = 32, 35
"""读入数据集"""
train_iter, vocab = d2l.load_data_time_machine(batch_size, num_steps)
"""one-hot编码:为了使用神经网络,将数据变成了向量的形式"""
oneHot_valu = F.one_hot(torch.tensor([0, 2, 5]), len(vocab))
X = torch.arange(10).reshape((2, 5))
"""构造一个小批量数据的size:(批量大小,时间步数)
one-hot会在后面追加一个维度即词表大小 (批量大小,时间步数,词表大小)
但是我们通常会将输入维度进行转换 将时间步数作为一维 (时间步数,批量大小,样本的特征长度)
对于(5,2,28): 一共有5个时间步,即X=5 则Xt=(2,28)
这样做以后得X_t就是一个连续的
"""
"""初始化模型参数:num_hiddens是一个可调的超参数"""
"""当训练语言模型时,输入和输出来自相同的词表。 因此,它们具有相同的维度,即词表的大小。"""
def get_params(vocab_size, num_hiddens, device):
num_inputs = num_outputs = vocab_size
"""输入时应该是一个词的特征向量(经过了one-hot编码形成)"""
"""因为这里是做的分类,所以你的下一个预测词也是vocab类型,它可以是你vocab中的任何一个词"""
def normal(shape):
return torch.randn(size=shape, device=device) * 0.01
W_xh = normal((num_inputs, num_hiddens))
W_hh = normal((num_hiddens, num_hiddens))
b_h = torch.zeros(num_hiddens, device=device)
W_hq = normal((num_hiddens, num_outputs))
b_q = torch.zeros(num_outputs, device=device)
params = [W_xh, W_hh, b_h, W_hq, b_q]
for param in params:
param.requires_grad_(True)
return params
"""循环神经网络模型"""
def init_rnn_state(batch_size, num_hiddens, device):
return (torch.zeros((batch_size, num_hiddens), device=device),)
def rnn(inputs, state, params):
W_xh, W_hh, b_h, W_hq, b_q = params
H, = state
outputs = []
"""for X_t in inputs会沿着inputs的第一个维度进行遍历【这也就是为什么上面要对X进行转置的原因】"""
for X_t in inputs:
H = torch.tanh(torch.mm(X_t, W_xh) + torch.mm(H, W_hh) + b_h)
Y = torch.mm(H, W_hq) + b_q
outputs.append(Y)
return torch.cat(outputs, dim=0), (H,)
"""review:
该函数与普通的MLP函数的不同:
1、inputs维度中增加了时间步维度
2、添加了state,即包括前一个时间步的隐藏状态;模型既要接受一个隐藏状态,也要输出一个更新的隐藏状态
"""
"""建立一个类包装上述函数————————并存储循环网络模型的参数
构造函数 __init__ 接受以下参数:
·vocab_size:词汇大小,表示输入数据的可能取值的个数。
·num_hiddens:隐藏层的大小,即每个时间步输入和输出的特征向量的维度。
·device:设备(例如CPU或GPU)。
·get_params:一个函数,用于获取模型的参数。
·init_state:一个函数,用于初始化模型的隐藏状态。
·forward_fn:(rnn)一个函数,用于实现前向传播。
__call__ 方法用于模型调用,接受输入数据 X 和隐藏状态 state。
它首先将输入数据 X 转换为独热编码,并将数据类型转换为 torch.float32。
然后调用 forward_fn 函数进行前向传播,并返回结果。[喂数据]
begin_state 方法用于创建初始隐藏状态。它接受批处理大小 batch_size
和设备 device 作为输入,并调用 init_state 函数来生成一个具有指定大小
和设备的隐藏状态。
"""
class RNNModelScratch:
"""从零开始实现的循环神经网络模型"""
def __init__(self, vocab_size, num_hiddens, device,
get_params, init_state, forward_fn):
self.vocab_size, self.num_hiddens = vocab_size, num_hiddens
self.params = get_params(vocab_size, num_hiddens, device)
self.init_state, self.forward_fn = init_state, forward_fn
"""这里的X是一开始读入的信息,其形状为(批量大小,时间步数)"""
def __call__(self, X, state):
X = F.one_hot(X.T, self.vocab_size).type(torch.float32)
return self.forward_fn(X, state, self.params)
def begin_state(self, batch_size, device):
return self.init_state(batch_size, self.num_hiddens, device)
"""检查输出以及隐状态的形状,其中隐状态的形状不会发生改变"""
num_hiddens = 512
net = RNNModelScratch(len(vocab), num_hiddens, d2l.try_gpu(), get_params, init_rnn_state, rnn)
state = net.begin_state(X.shape[0], d2l.try_gpu())
Y, new_state = net(X.to(d2l.try_gpu()), state)
print('Y.shape:', Y.shape, 'len(new_state):', len(new_state),
'new_state[0].shape:', new_state[0].shape)
"""(Y的形状:批量大小*时间步数 , X的每个向量下一个预测向量,长为28)"""
"""预热期:prefix是用户提供的包括多个字符的字符串,在循环遍历predix中的开始字符时
我们不断地将隐状态传递到下一个时间步,但是不生成任何输出
经过预热期后,隐状态的值比刚刚开始时的值更加适合预测,从而开始预测下面的字符并输出它们
"""
def predict_ch8(prefix, num_preds, net, vocab, device):
"""在predix后面生成新字符"""
state = net.begin_state(batch_size=1, device=device)
outputs = [vocab[prefix[0]]]
print('outputs of the predict', outputs)
"""outputs[-1]即最近预测的那个词做成一个tensor当做输入"""
"""reshape(1,1):批量大小为1,时间步长为1"""
get_input = lambda: torch.tensor([outputs[-1]], device=device).reshape((1, 1))
for y in prefix[1:]:
"""这里不存输出的原因是已经得知后面的词了 比如输入你好,在对你做预测时已经知道后面的是好"""
_, state = net(get_input(), state)
outputs.append(vocab[y])
for _ in range(num_preds):
y, state = net(get_input(), state)
outputs.append(int(y.argmax(dim=1).reshape(1)))
return ''.join([vocab.idx_to_token[i] for i in outputs])
res_predict_ch8 = predict_ch8('time traveller ', 10, net, vocab, d2l.try_gpu())
print('预热期输出:',res_predict_ch8)
def grad_clipping(net, theta):
if isinstance(net, nn.Module):
params = [p for p in net.parameters() if p.requires_grad]
else:
params = net.params
norm = torch.sqrt(sum(torch.sum((p.grad ** 2)) for p in params))
if norm > theta:
for param in params:
param.grad[:] *= theta / norm
def train_epoch_ch8(net, train_iter, loss, updater, device, use_random_iter):
"""训练网络一个迭代周期"""
state, timer = None, d2l.Timer()
metric = d2l.Accumulator(2)
for X, Y in train_iter:
if state is None or use_random_iter:
state = net.begin_state(batch_size=X.shape[0], device=device)
else:
if isinstance(net, nn.Module) and not isinstance(state, tuple):
state.detach_()
else:
for s in state:
s.detach_()
y = Y.T.reshape(-1)
X, y = X.to(device), y.to(device)
y_hat, state = net(X, state)
"""为什么要把所有的输出cat到第一个维度,因为从loss角度讲就是一个多分类的问题"""
l = loss(y_hat, y.long()).mean()
if isinstance(updater, torch.optim.Optimizer):
updater.zero_grad()
l.backward()
grad_clipping(net, 1)
updater.step()
else:
l.backward()
grad_clipping(net, 1)
updater(batch_size=1)
metric.add(l * y.numel(), y.numel())
return math.exp(metric[0] / metric[1]), metric[1] / timer.stop()
def train_ch8(net, train_iter, vocab, lr, num_epochs, device,
use_random_iter=False):
"""训练模型(定义见第8章)"""
loss = nn.CrossEntropyLoss()
animator = d2l.Animator(xlabel='epoch', ylabel='perplexity',
legend=['train'], xlim=[10, num_epochs])
if isinstance(net, nn.Module):
updater = torch.optim.SGD(net.parameters(), lr)
else:
updater = lambda batch_size: d2l.sgd(net.params, lr, batch_size)
predict = lambda prefix: predict_ch8(prefix, 50, net, vocab, device)
for epoch in range(num_epochs):
ppl, speed = train_epoch_ch8(
net, train_iter, loss, updater, device, use_random_iter)
if (epoch + 1) % 10 == 0:
print(predict('time traveller'))
animator.add(epoch + 1, [ppl])
print(f'困惑度 {ppl:.1f}, {speed:.1f} 词元/秒 {str(device)}')
print(predict('time traveller'))
print(predict('traveller'))
num_epochs, lr = 500, 1
"""检查随机采样的结果"""
train_ch8(net,train_iter,vocab,lr,num_epochs,d2l.try_gpu(),use_random_iter=True)