Skip to content

Recurrent Neural Networks ​

In :numref:sec_language-model we described Markov models and n-grams for language modeling, where the conditional probability of token xt at time step t only depends on the n−1 previous tokens. If we want to incorporate the possible effect of tokens earlier than time step t−(n−1) on xt, we need to increase n. However, the number of model parameters would also increase exponentially with it, as we need to store |V|n numbers for a vocabulary set V. Hence, rather than modeling P(xt∣xt−1,…,xt−n+1) it is preferable to use a latent variable model,

$

P(x_t \mid x_{t-1}, \ldots, x_1) \approx P(x_t \mid h_{t-1}) $

where ht−1 is a hidden state that stores the sequence information up to time step t−1. In general, the hidden state at any time step t could be computed based on both the current input xt and the previous hidden state ht−1:

ht=f(xt,ht−1).

:eqlabel:eq_ht_xt

For a sufficiently powerful function f in :eqref:eq_ht_xt, the latent variable model is not an approximation. After all, ht may simply store all the data it has observed so far. However, it could potentially make both computation and storage expensive.

Recall that we have discussed hidden layers with hidden units in :numref:chap_perceptrons. It is noteworthy that hidden layers and hidden states refer to two very different concepts. Hidden layers are, as explained, layers that are hidden from view on the path from input to output. Hidden states are technically speaking inputs to whatever we do at a given step, and they can only be computed by looking at data at previous time steps.

Recurrent neural networks (RNNs) are neural networks with hidden states. Before introducing the RNN model, we first revisit the MLP model introduced in :numref:sec_mlp.

julia
using Pkg; Pkg.activate("../../d2lai")
using d2lai
using Flux 
using Downloads
using StatsBase
using Plots
  Activating project at `/workspace/d2l-julia/d2lai`

Neural Networks without Hidden States ​

Let's take a look at an MLP with a single hidden layer. Let the hidden layer's activation function be ϕ. Given a minibatch of examples X∈Rn×d with batch size n and d inputs, the hidden layer output H∈Rn×h is calculated as

H=Ï•(XWxh+bh).

:eqlabel:rnn_h_without_state

In :eqref:rnn_h_without_state, we have the weight parameter Wxh∈Rd×h, the bias parameter bh∈R1×h, and the number of hidden units h, for the hidden layer. So armed, we apply broadcasting (see :numref:subsec_broadcasting) during the summation. Next, the hidden layer output H is used as input of the output layer, which is given by

O=HWhq+bq,

where O∈Rn×q is the output variable, Whq∈Rh×q is the weight parameter, and bq∈R1×q is the bias parameter of the output layer. If it is a classification problem, we can use softmax(O) to compute the probability distribution of the output categories.

This is entirely analogous to the regression problem we solved previously in :numref:sec_sequence, hence we omit details. Suffice it to say that we can pick feature-label pairs at random and learn the parameters of our network via automatic differentiation and stochastic gradient descent.

Recurrent Neural Networks with Hidden States ​

Matters are entirely different when we have hidden states. Let's look at the structure in some more detail.

Assume that we have a minibatch of inputs Xt∈Rn×d at time step t. In other words, for a minibatch of n sequence examples, each row of Xt corresponds to one example at time step t from the sequence. Next, denote by Ht∈Rn×h the hidden layer output of time step t. Unlike with MLP, here we save the hidden layer output Ht−1 from the previous time step and introduce a new weight parameter Whh∈Rh×h to describe how to use the hidden layer output of the previous time step in the current time step. Specifically, the calculation of the hidden layer output of the current time step is determined by the input of the current time step together with the hidden layer output of the previous time step:

Ht=ϕ(XtWxh+Ht−1Whh+bh).

:eqlabel:rnn_h_with_state

Compared with :eqref:rnn_h_without_state, :eqref:rnn_h_with_state adds one more term Ht−1Whh and thus instantiates :eqref:eq_ht_xt. From the relationship between hidden layer outputs Ht and Ht−1 of adjacent time steps, we know that these variables captured and retained the sequence's historical information up to their current time step, just like the state or memory of the neural network's current time step. Therefore, such a hidden layer output is called a hidden state. Since the hidden state uses the same definition of the previous time step in the current time step, the computation of :eqref:rnn_h_with_state is recurrent. Hence, as we said, neural networks with hidden states based on recurrent computation are named recurrent neural networks. Layers that perform the computation of :eqref:rnn_h_with_state in RNNs are called recurrent layers.

There are many different ways for constructing RNNs. Those with a hidden state defined by :eqref:rnn_h_with_state are very common. For time step t, the output of the output layer is similar to the computation in the MLP:

Ot=HtWhq+bq.

Parameters of the RNN include the weights Wxh∈Rd×h,Whh∈Rh×h, and the bias bh∈R1×h of the hidden layer, together with the weights Whq∈Rh×q and the bias bq∈R1×q of the output layer. It is worth mentioning that even at different time steps, RNNs always use these model parameters. Therefore, the parametrization cost of an RNN does not grow as the number of time steps increases.

Figure illustrates the computational logic of an RNN at three adjacent time steps. At any time step t, the computation of the hidden state can be treated as: (i) concatenating the input Xt at the current time step t and the hidden state Ht−1 at the previous time step t−1; (ii) feeding the concatenation result into a fully connected layer with the activation function ϕ. The output of such a fully connected layer is the hidden state Ht of the current time step t. In this case, the model parameters are the concatenation of Wxh and Whh, and a bias of bh, all from :eqref:rnn_h_with_state. The hidden state of the current time step t, Ht, will participate in computing the hidden state Ht+1 of the next time step t+1. What is more, Ht will also be fed into the fully connected output layer to compute the output Ot of the current time step t.

An RNN with a hidden state.

We just mentioned that the calculation of XtWxh+Ht−1Whh for the hidden state is equivalent to matrix multiplication of the concatenation of Xt and Ht−1 and the concatenation of Wxh and Whh. Though this can be proven mathematically, in the following we just use a simple code snippet as a demonstration. To begin with, we define matrices X, W_xh, H, and W_hh, whose shapes are (3, 1), (1, 4), (3, 4), and (4, 4), respectively. Multiplying X by W_xh, and H by W_hh, and then adding these two products, we obtain a matrix of shape (3, 4).

julia
X, Wxh = rand(1, 3), rand(4, 1)
H, Whh = rand(4, 3), rand(4,4)
Wxh*X + Whh*H
4×3 Matrix{Float64}:
 1.05201  1.00062  1.67581
 1.60482  1.98626  2.43147
 0.93348  1.02113  1.48314
 1.47263  1.4634   2.25598

Now we concatenate the matrices X and H along columns (axis 1), and the matrices W_xh and W_hh along rows (axis 0). These two concatenations result in matrices of shape (3, 5) and of shape (5, 4), respectively. Multiplying these two concatenated matrices, we obtain the same output matrix of shape (3, 4) as above.

julia
hcat(Wxh, Whh)*vcat(X, H)
4×3 Matrix{Float64}:
 1.05201  1.00062  1.67581
 1.60482  1.98626  2.43147
 0.93348  1.02113  1.48314
 1.47263  1.4634   2.25598

RNN-Based Character-Level Language Models ​

Recall that for language modeling in :numref:sec_language-model, we aim to predict the next token based on the current and past tokens; thus we shift the original sequence by one token as the targets (labels). Bengio et al. [159] first proposed to use a neural network for language modeling. In the following we illustrate how RNNs can be used to build a language model. Let the minibatch size be one, and the sequence of the text be "machine". To simplify training in subsequent sections, we tokenize text into characters rather than words and consider a character-level language model. Figure demonstrates how to predict the next character based on the current and previous characters via an RNN for character-level language modeling.

A character-level language model based on the RNN. The input and target sequences are "machin" and "achine", respectively.

During the training process, we run a softmax operation on the output from the output layer for each time step, and then use the cross-entropy loss to compute the error between the model output and the target. Because of the recurrent computation of the hidden state in the hidden layer, the output, O3, of time step 3 in Figure is determined by the text sequence "m", "a", and "c". Since the next character of the sequence in the training data is "h", the loss of time step 3 will depend on the probability distribution of the next character generated based on the feature sequence "m", "a", "c" and the target "h" of this time step.

In practice, each token is represented by a d-dimensional vector, and we use a batch size n>1. Therefore, the input Xt at time step t will be an n×d matrix, which is identical to what we discussed in :numref:subsec_rnn_w_hidden_states.

In the following sections, we will implement RNNs for character-level language models.

Summary ​

A neural network that uses recurrent computation for hidden states is called a recurrent neural network (RNN). The hidden state of an RNN can capture historical information of the sequence up to the current time step. With recurrent computation, the number of RNN model parameters does not grow as the number of time steps increases. As for applications, an RNN can be used to create character-level language models.

Exercises ​

  1. If we use an RNN to predict the next character in a text sequence, what is the required dimension for any output?

  2. Why can RNNs express the conditional probability of a token at some time step based on all the previous tokens in the text sequence?

  3. What happens to the gradient if you backpropagate through a long sequence?

  4. What are some of the problems associated with the language model described in this section?

julia