循环神经网络
本节介绍循环神经网络,下图展示了如何基于循环神经网络实现语言模型。
我们先尝试从零开始实现一个基于字符级循环神经网络的语言模型,这里我们使用周杰伦的歌词作为语料,首先我们读入数据:
one-hot向量
我们需要将字符表示成向量,这里采用one-hot向量。假设词典大小是N NN,每次字符对应一个从0 00到N−1 N-1N−1的唯一的索引,则该字符的向量是一个长度为N NN的向量,若字符的索引是i ii,则该向量的第i ii个位置为1 11,其他位置为0 00。下面分别展示了索引为0和2的one-hot向量,向量长度等于词典大小。
#onehot向量是长度等于字典大小,只有一个元素为1其余是0的向量
#对于每一个字符来说onehot向量指其索引所在位置是1其他位置是0的向量
#x是一维向量,每个元素都是字符的索引;n_class是字典大小,dtype指返回的字符类型
#scatter_(input, dim, index, src)将src中数据根据index中的索引按照dim的方向填进input中.
#long() 函数将数字或字符串转换为一个长整型。
def one_hot(x, n_class, dtype=torch.float32):
result = torch.zeros(x.shape[0], n_class, dtype=dtype, device=x.device) # 返回的矩阵shape: (n, n_class)
result.scatter_(1, x.long().view(-1, 1), 1) # result[i, x[i, 0]] = 1 #根据x(resize成nx1),把result每一行对应元素改写为1
return result #result每一行都是onehot向量
x = torch.tensor([0, 2])
x_one_hot = one_hot(x, vocab_size)
print(x_one_hot)
print(x_one_hot.shape)
print(x_one_hot.sum(axis=1))
tensor([[1., 0., 0., …, 0., 0., 0.],
[0., 0., 1., …, 0., 0., 0.]])
torch.Size([2, 1027])
tensor([1., 1.])
我们每次采样的小批量的形状是(批量大小, 时间步数)。下面的函数将这样的小批量变换成数个形状为(批量大小, 词典大小)的矩阵,矩阵个数等于时间步数。
def to_onehot(X, n_class): #X相当于一个小批量
return [one_hot(X[:, i], n_class) for i in range(X.shape[1])]
#每次取出X的一列,调用onehot返回一个(批量大小x字典大小)的二维矩阵
X = torch.arange(10).view(2, 5)
inputs = to_onehot(X, vocab_size)
print(len(inputs), inputs[0].shape)
5 torch.Size([2, 1027])
num_inputs, num_hiddens, num_outputs = vocab_size, 256, vocab_size
# num_inputs: d
# num_hiddens: h, 隐藏单元的个数是超参数
# num_outputs: q
def get_params(): #初始化上面提到的五个模型参数
def _one(shape): #给定shape,构造形状为shape的参数,进行随机初始化
param = torch.zeros(shape, device=device, dtype=torch.float32)
nn.init.normal_(param, 0, 0.01)
return torch.nn.Parameter(param)
# 隐藏层参数
W_xh = _one((num_inputs, num_hiddens))
W_hh = _one((num_hiddens, num_hiddens))
b_h = torch.nn.Parameter(torch.zeros(num_hiddens, device=device)) #偏置函数直接初始化为0
# 输出层参数
W_hq = _one((num_hiddens, num_outputs))
b_q = torch.nn.Parameter(torch.zeros(num_outputs, device=device))
return (W_xh, W_hh, b_h, W_hq, b_q)
函数rnn用循环的方式依次完成循环神经网络每个时间步的计算。
#inputs为长度为num_steps的列表,列表每个元素为(batch_size, vocab_size)的矩阵
#state:模型计算过程中需要维护的状态的初始值,定义成了一个元组。(此rnn中只包含了一个隐藏状态)
#params模型参数
def rnn(inputs, state, params):
# inputs和outputs皆为num_steps个形状为(batch_size, vocab_size)的矩阵
W_xh, W_hh, b_h, W_hq, b_q = params
H, = state #取出params和state
outputs = [] #定义空列表维护时间步的输出
for X in inputs: #计算各个时间步的输出X和Y
H = torch.tanh(torch.matmul(X, W_xh) + torch.matmul(H, W_hh) + b_h)
Y = torch.matmul(H, W_hq) + b_q
outputs.append(Y)
return outputs, (H,) #把Y添加到outputs中,然后返回outputs和新的状态H
#返回H原因,如果使用相邻采样,那么这个batch最终的状态H可以作为下个batch状态的初始值
函数init_rnn_state初始化隐藏变量,这里的返回值是一个元组。
#batch_size批量大小,num_hiddens隐藏单元个数h,device设备:cpu/gpu
def init_rnn_state(batch_size, num_hiddens, device):
return (torch.zeros((batch_size, num_hiddens), device=device), )
#返回一个元组,实际此元组长度为1只包含一个元素,是一个(,)的矩阵,初始值为0
做个简单的测试来观察输出结果的个数(时间步数),以及第一个时间步的输出层输出的形状和隐藏状态的形状。
print(X.shape) #2x5的张量:批量大小2,时间步数5
print(num_hiddens) #隐藏单元个数256
print(vocab_size) #字典大小1027
state = init_rnn_state(X.shape[0], num_hiddens, device) #初始化隐藏变量
inputs = to_onehot(X.to(device), vocab_size)
params = get_params() #模型参数
outputs, state_new = rnn(inputs, state, params)
print(len(inputs), inputs[0].shape)
print(len(outputs), outputs[0].shape) #outputs每个时间步的输出——时间步为5,输入&输出矩阵个数为5
print(len(state), state[0].shape)
print(len(state_new), state_new[0].shape) #state_new是新的状态
torch.Size([2, 5])
256
1027
5 torch.Size([2, 1027])
5 torch.Size([2, 1027])
1 torch.Size([2, 256])
1 torch.Size([2, 256])
循环神经网络中较容易出现梯度衰减或梯度爆炸,这会导致网络几乎无法训练。裁剪梯度(clip gradient)是一种应对梯度爆炸的方法。假设我们把所有模型参数的梯度拼接成一个向量 g \boldsymbol{g}g,并设裁剪的阈值是θ \thetaθ。裁剪后的梯度
#为了应对梯度爆炸——裁剪梯度
#params模型所有参数;theta预设的阈值
def grad_clipping(params, theta, device):
norm = torch.tensor([0.0], device=device)
for param in params:
norm += (param.grad.data ** 2).sum()
norm = norm.sqrt().item()
if norm > theta: #和阈值比较
for param in params: #则每一个参数进行...
param.grad.data *= (theta / norm)
以下函数基于前缀prefix(含有数个字符的字符串)来预测接下来的num_chars个字符。这个函数稍显复杂,其中我们将循环神经单元rnn设置成了函数参数,这样在后面小节介绍其他循环神经网络时能重复使用这个函数。
#给定模型前缀prefix,预测接下来num_chars个字符
#先处理prefix,然后隐藏状态h记录了prefix的序列信息;
#由于模型处理prefix处理最后一个字符时已经对下一个字符进行了预测,所以可以用预测的字符作为下一个时刻的输入
#重复过程,直到预测出num_chars个字符
def predict_rnn(prefix, num_chars, rnn, params, init_rnn_state,
num_hiddens, vocab_size, device, idx_to_char, char_to_idx):
state = init_rnn_state(1, num_hiddens, device) #初始化状态
output = [char_to_idx[prefix[0]]] # output记录prefix加上预测的num_chars个字符(起初output只有一个字符 prefix的第一个字符的索引)
for t in range(num_chars + len(prefix) - 1):
# 将上一时间步的输出作为当前时间步的输入,构造1x1的tensor,表示一个batch一个时间步
#调用to_onehot构造X,X是长度为1的列表。列表元素是形状为1xvocab_size的tensor
X = to_onehot(torch.tensor([[output[-1]]], device=device), vocab_size) #[-1]取最后一个元素
# 计算输出Y和更新隐藏状态state
(Y, state) = rnn(X, state, params)
# 下一个时间步的输入是prefix里的字符或者当前的最佳预测字符
if t < len(prefix) - 1:
output.append(char_to_idx[prefix[t + 1]])
else:
output.append(Y[0].argmax(dim=1).item()) #argmax返回列表最大的值
#Y也是长度为1的列表,Y[0]取出里面这个tensor,argmax返回Y中值最大的列,item转换成int,添加到output
#添加的值就是要预测的字符的索引
return ''.join([idx_to_char[i] for i in output]) #output中每个字符索引转换成字符,然后拼接成字符串
我们通常使用困惑度(perplexity)来评价语言模型的好坏。回忆一下“softmax回归”一节中交叉熵损失函数的定义。困惑度是对交叉熵损失函数做指数运算后得到的值。特别地,
最佳情况下,模型总是把标签类别的概率预测为1,此时困惑度为1;
最坏情况下,模型总是把标签类别的概率预测为0,此时困惑度为正无穷;
基线情况下,模型总是预测所有类别的概率都相同,此时困惑度为类别个数。
显然,任何一个有效模型的困惑度必须小于类别个数。在本例中,困惑度必须小于词典大小vocab_size。
跟之前章节的模型训练函数相比,这里的模型训练函数有以下几点不同:
使用困惑度评价模型。
在迭代模型参数前裁剪梯度。
对时序数据采用不同采样方法将导致隐藏状态初始化的不同。
def train_and_predict_rnn(rnn, get_params, init_rnn_state, num_hiddens,
vocab_size, device, corpus_indices, idx_to_char,
char_to_idx, is_random_iter, num_epochs, num_steps,
lr, clipping_theta, batch_size, pred_period,
pred_len, prefixes):
if is_random_iter: #随机采样/相邻采样
data_iter_fn = d2l.data_iter_random
else:
data_iter_fn = d2l.data_iter_consecutive
params = get_params()
loss = nn.CrossEntropyLoss() #交叉熵损失函数
for epoch in range(num_epochs):
if not is_random_iter: # 如使用相邻采样,在epoch开始时初始化隐藏状态
state = init_rnn_state(batch_size, num_hiddens, device)
l_sum, n, start = 0.0, 0, time.time() #这些量在训练过程中输出训练信息
data_iter = data_iter_fn(corpus_indices, batch_size, num_steps, device)
for X, Y in data_iter: #对于每个batch
if is_random_iter: # 如使用随机采样,在每个小批量更新前初始化隐藏状态
state = init_rnn_state(batch_size, num_hiddens, device)
else: # 否则需要使用detach函数从计算图分离隐藏状态
for s in state:
s.detach_() #detach的方法---将variable参数从网络中隔离开,不参与参数更新。
# inputs是num_steps个形状为(batch_size, vocab_size)的矩阵
inputs = to_onehot(X, vocab_size)
# outputs有num_steps个形状为(batch_size, vocab_size)的矩阵
(outputs, state) = rnn(inputs, state, params)
# 拼接之后形状为(num_steps * batch_size, vocab_size)
outputs = torch.cat(outputs, dim=0)
# Y的形状是(batch_size, num_steps),转置后再变成形状为
# (num_steps * batch_size,)的向量,这样跟输出的行一一对应
y = torch.flatten(Y.T)
# 使用交叉熵损失计算平均分类误差
l = loss(outputs, y.long())
#反向传播过程
# 梯度清0
if params[0].grad is not None: #如果参数梯度存在(不是第一个batch)
for param in params:
param.grad.data.zero_()
l.backward()
grad_clipping(params, clipping_theta, device) # 裁剪梯度
d2l.sgd(params, lr, 1) # 因为误差已经取过均值,梯度不用再做平均 #根据sgd更新参数
l_sum += l.item() * y.shape[0] #更新l_sum,n
n += y.shape[0]
if (epoch + 1) % pred_period == 0:
print('epoch %d, perplexity %f, time %.2f sec' % (
epoch + 1, math.exp(l_sum / n), time.time() - start))
for prefix in prefixes:
print(' -', predict_rnn(prefix, pred_len, rnn, params, init_rnn_state,
num_hiddens, vocab_size, device, idx_to_char, char_to_idx))
现在我们可以训练模型了。首先,设置模型超参数。我们将根据前缀“分开”和“不分开”分别创作长度为50个字符(不考虑前缀长度)的一段歌词。我们每过50个迭代周期便根据当前训练的模型创作一段歌词。
num_epochs, num_steps, batch_size, lr, clipping_theta = 250, 35, 32, 1e2, 1e-2
pred_period, pred_len, prefixes = 50, 50, ['分开', '不分开']
下面采用随机采样训练模型并创作歌词。
train_and_predict_rnn(rnn, get_params, init_rnn_state, num_hiddens,
vocab_size, device, corpus_indices, idx_to_char,
char_to_idx, True, num_epochs, num_steps, lr,
clipping_theta, batch_size, pred_period, pred_len,
prefixes)
接下来采用相邻采样训练模型并创作歌词。
train_and_predict_rnn(rnn, get_params, init_rnn_state, num_hiddens,
vocab_size, device, corpus_indices, idx_to_char,
char_to_idx, False, num_epochs, num_steps, lr,
clipping_theta, batch_size, pred_period, pred_len,
prefixes)
循环神经网络的简洁实现
定义模型
我们使用Pytorch中的nn.RNN来构造循环神经网络。在本节中,我们主要关注nn.RNN的以下几个构造函数参数:
input_size - The number of expected features in the input x
hidden_size – The number of features in the hidden state h
nonlinearity – The non-linearity to use. Can be either ‘tanh’ or ‘relu’. Default: ‘tanh’ #使用哪种非线性激活函数
batch_first – If True, then the input and output tensors are provided as (batch_size, num_steps, input_size). Default: False
这里的batch_first决定了输入的形状,我们使用默认的参数False,对应的输入形状是 (num_steps, batch_size, input_size)。
forward函数的参数为:
input of shape (num_steps, batch_size, input_size): tensor containing the features of the input sequence.
h_0 of shape (num_layers * num_directions, batch_size, hidden_size): tensor containing the initial hidden state for each element in the batch. Defaults to zero if not provided. If the RNN is bidirectional, num_directions should be 2, else it should be 1.(num_layers和后面讲的深度循环神经网络有关,num_directions和双向循环神经网络有关,这里都是1)(如果h为提供,默认0)
ps:forward(input,h_0)相当于rnn(input,state),做循环神经网络的前向计算。前者input为三维,后者input二维
forward函数的返回值是:
output of shape (num_steps, batch_size, num_directions * hidden_size): tensor containing the output features (h_t) from the last layer of the RNN, for each t.
h_n of shape (num_layers * num_directions, batch_size, hidden_size): tensor containing the hidden state for t = num_steps.
ps:这里output是各个时间步隐藏状态的值,第三个参数 num_directions=1,hidden_size=隐藏状态大小;h_n指返回的最后一个时间步的隐藏状态的值。
现在我们构造一个nn.RNN实例,并用一个简单的例子来看一下输出的形状。
rnn_layer = nn.RNN(input_size=vocab_size, hidden_size=num_hiddens) #指定输入单元个数隐藏单元个数,构造rnn实例rnn_layer
num_steps, batch_size = 35, 2 #时间步数,批量大小
X = torch.rand(num_steps, batch_size, vocab_size)
state = None
Y, state_new = rnn_layer(X, state)
print(Y.shape, state_new.shape)
我们定义一个完整的基于循环神经网络的语言模型。
class RNNModel(nn.Module):
def __init__(self, rnn_layer, vocab_size): #这里rnn_layer是rnn的一个实例
super(RNNModel, self).__init__()
self.rnn = rnn_layer
self.hidden_size = rnn_layer.hidden_size * (2 if rnn_layer.bidirectional else 1) #如果rnn_layer双向的就x2,否则x1
self.vocab_size = vocab_size
self.dense = nn.Linear(self.hidden_size, vocab_size)
#线性层,因为rnn_layer只给出各个时间步的隐藏状态,而对于语言模型,需要在每个时间步给出输出,所以定于线性层作为输出层
def forward(self, inputs, state):
# inputs.shape: (batch_size, num_steps)
X = to_onehot(inputs, vocab_size) #X为长度为num_steps的列表,列表元素为batch_size乘vocab_size的tensor
X = torch.stack(X) # 把X堆叠成三维,X.shape: (num_steps, batch_size, vocab_size)
#有了X后做rnn前向计算,hiddens为各个时间步隐藏状态,state是新的状态
hiddens, state = self.rnn(X, state)
#把hiddens从三维tensor resize成 二维tensor
hiddens = hiddens.view(-1, hiddens.shape[-1]) # hiddens.shape: (num_steps * batch_size, hidden_size)
output = self.dense(hiddens)
return output, state
类似的,我们需要实现一个预测函数,与前面的区别在于前向计算和初始化隐藏状态。
def predict_rnn_pytorch(prefix, num_chars, model, vocab_size, device, idx_to_char,
char_to_idx):
state = None
output = [char_to_idx[prefix[0]]] # output记录prefix加上预测的num_chars个字符
for t in range(num_chars + len(prefix) - 1):
X = torch.tensor([output[-1]], device=device).view(1, 1)
(Y, state) = model(X, state) # 前向计算不需要传入模型参数
if t < len(prefix) - 1:
output.append(char_to_idx[prefix[t + 1]])
else:
output.append(Y.argmax(dim=1).item())
return ''.join([idx_to_char[i] for i in output])
使用权重为随机值的模型来预测一次。
model = RNNModel(rnn_layer, vocab_size).to(device)
predict_rnn_pytorch('分开', 10, model, vocab_size, device, idx_to_char, char_to_idx)
接下来实现训练函数,这里只使用了相邻采样。
def train_and_predict_rnn_pytorch(model, num_hiddens, vocab_size, device,
corpus_indices, idx_to_char, char_to_idx,
num_epochs, num_steps, lr, clipping_theta,
batch_size, pred_period, pred_len, prefixes):
loss = nn.CrossEntropyLoss() #交叉熵损失函数
optimizer = torch.optim.Adam(model.parameters(), lr=lr) #使用pytorch的优化器优化模型参数
model.to(device) #将模型移到device上面
for epoch in range(num_epochs):
l_sum, n, start = 0.0, 0, time.time()
data_iter = d2l.data_iter_consecutive(corpus_indices, batch_size, num_steps, device) # 相邻采样
state = None #如果前向计算没有提供state,则直接当成0处理。所以这里不用专门初始化,赋成none
for X, Y in data_iter:
if state is not None: #如果不是第一个batch,使用detach函数从计算图分离隐藏状态
if isinstance (state, tuple): # LSTM, state:(h, c)
state[0].detach_()
state[1].detach_()
else:
state.detach_()
(output, state) = model(X, state) # output.shape: (num_steps * batch_size, vocab_size)
y = torch.flatten(Y.T)
l = loss(output, y.long())
#反向传播
optimizer.zero_grad() #参数梯度清零
l.backward() #后向计算
grad_clipping(model.parameters(), clipping_theta, device) #裁剪梯度
optimizer.step() #更新模型参数
l_sum += l.item() * y.shape[0] #更新l_sum和n
n += y.shape[0]
if (epoch + 1) % pred_period == 0:
print('epoch %d, perplexity %f, time %.2f sec' % (
epoch + 1, math.exp(l_sum / n), time.time() - start))
for prefix in prefixes:
print(' -', predict_rnn_pytorch(
prefix, pred_len, model, vocab_size, device, idx_to_char,
char_to_idx))
训练模型
num_epochs, batch_size, lr, clipping_theta = 250, 32, 1e-3, 1e-2
pred_period, pred_len, prefixes = 50, 50, ['分开', '不分开']
train_and_predict_rnn_pytorch(model, num_hiddens, vocab_size, device,
corpus_indices, idx_to_char, char_to_idx,
num_epochs, num_steps, lr, clipping_theta,
batch_size, pred_period, pred_len, prefixes)
习题
关于循环神经网络描述错误的是:b
在同一个批量中,处理不同语句用到的模型参数Wh和bh是一样的
循环神经网络处理一个长度为T的输入序列,需要维护T组模型参数
各个时间步的隐藏状态Ht不能并行计算 可以认为第tt个时间步的隐藏状态Ht包含截止到第t个时间步的序列的历史信息
关于梯度裁剪描述错误的是:d
梯度裁剪之后的梯度小于或者等于原梯度
梯度裁剪是应对梯度爆炸的一种方法 裁剪之后的梯度L2范数小于阈值θ
梯度裁剪也是应对梯度消失的一种方法
关于困惑度的描述错误的是:c
困惑度用来评价语言模型的好坏
困惑度越低语言模型越好
有效模型的困惑度应该大于类别个数
关于采样方法和隐藏状态初始化的描述错误的是:c
采用的采样方法不同会导致隐藏状态初始化方式发生变化
采用相邻采样仅在每个训练周期开始的时候初始化隐藏状态是因为相邻的两个批量在原始数据上是连续的
采用随机采样需要在每个小批量更新前初始化隐藏状态是因为每个样本包含完整的时间序列信息
————————————————
版权声明:本文为CSDN博主「weixin_42314414」的原创文章,遵循 CC 4.0 BY-SA 版权协议,转载请附上原文出处链接及本声明。
原文链接:https://blog.csdn.net/weixin_42314414/article/details/104317135