RNN 入门教程 Part 2 – 使用 numpy 和 theano 分别实现RNN模型

转载 - Recurrent Neural Networks Tutorial, Part 2 – Implementing a RNN with Python, Numpy and Theano

本文是RNN教程的第二部分,第一部分教程在这里.

对应的样板代码在 Github上面

在这部分内容中,我将会使用 numpy 和 theano 从头开始实现RNN 模型。 实验中涉及的代码可以在Github中找到。一些不重要的内容将会略去,但是Github中保留了全部的实践过程。

语言建模

Our goal is to build a Language Model using a Recurrent Neural Network. Here’s what that means. Let’s say we have sentence of $m$ words. A language model allows us to predict the probability of observing the sentence (in a given dataset) as:

[egin{aligned} P(w_1,...,w_m) = prod_{i=1}^{m} P(w_i mid w_1,..., w_{i-1}) end{aligned}]

In words, the probability of a sentence is the product of probabilities of each word given the words that came before it. So, the probability of the sentence “He went to buy some chocolate” would be the probability of “chocolate” given “He went to buy some”, multiplied by the probability of “some” given “He went to buy”, and so on.

Why is that useful? Why would we want to assign a probability to observing a sentence?

First, such a model can be used as a scoring mechanism. For example, a Machine Translation system typically generates multiple candidates for an input sentence. You could use a language model to pick the most probable sentence. Intuitively, the most probable sentence is likely to be grammatically correct. Similar scoring happens in speech recognition systems.

But solving the Language Modeling problem also has a cool side effect. Because we can predict the probability of a word given the preceding words, we are able to generate new text. It’s agenerative model. Given an existing sequence of words we sample a next word from the predicted probabilities, and repeat the process until we have a full sentence. Andrej Karparthy has a great post that demonstrates what language models are capable of. His models are trained on single characters as opposed to full words, and can generate anything from Shakespeare to Linux Code.

Note that in the above equation the probability of each word is conditioned on all previous words. In practice, many models have a hard time representing such long-term dependencies due to computational or memory constraints. They are typically limited to looking at only a few of the previous words. RNNs can, in theory, capture such long-term dependencies, but in practice it’s a bit more complex. We’ll explore that in a later post.

准备训练样本

To train our language model we need text to learn from. Fortunately we don’t need any labels to train a language model, just raw text. I downloaded 15,000 longish reddit comments from a dataset available on Google’s BigQuery. Text generated by our model will sound like reddit commenters (hopefully)! But as with most Machine Learning projects we first need to do some pre-processing to get our data into the right format.

1. Tokenize Text

We have raw text, but we want to make predictions on a per-word basis. This means we musttokenize our comments into sentences, and sentences into words. We could just split each of the comments by spaces, but that wouldn’t handle punctuation properly. The sentence “He left!” should be 3 tokens: “He”, “left”, “!”. We’ll use NLTK’s word_tokenize and sent_tokenizemethods, which do most of the hard work for us.

2. Remove infrequent words

Most words in our text will only appear one or two times. It’s a good idea to remove these infrequent words. Having a huge vocabulary will make our model slow to train (we’ll talk about why that is later), and because we don’t have a lot of contextual examples for such words we wouldn’t be able to learn how to use them correctly anyway. That’s quite similar to how humans learn. To really understand how to appropriately use a word you need to have seen it in different contexts.

In our code we limit our vocabulary to the vocabulary_size most common words (which I set to 8000, but feel free to change it). We replace all words not included in our vocabulary byUNKNOWN_TOKEN. For example, if we don’t include the word “nonlinearities” in our vocabulary, the sentence “nonlineraties are important in neural networks” becomes “UNKNOWN_TOKEN are important in Neural Networks”. The word UNKNOWN_TOKEN will become part of our vocabulary and we will predict it just like any other word. When we generate new text we can replaceUNKNOWN_TOKEN again, for example by taking a randomly sampled word not in our vocabulary, or we could just generate sentences until we get one that doesn’t contain an unknown token.

3. Prepend special start and end tokens

We also want to learn which words tend start and end a sentence. To do this we prepend a special SENTENCE_START token, and append a special SENTENCE_END token to each sentence. This allows us to ask: Given that the first token is SENTENCE_START, what is the likely next word (the actual first word of the sentence)?

4. Build training data matrices

The input to our Recurrent Neural Networks are vectors, not strings. So we create a mapping between words and indices, index_to_word, and word_to_index. For example,  the word “friendly” may be at index 2001. A training example x may look like [0, 179, 341, 416], where 0 corresponds to SENTENCE_START. The corresponding label y would be [179, 341, 416, 1]. Remember that our goal is to predict the next word, so y is just the x vector shifted by one position with the last element being the SENTENCE_END token. In other words, the correct prediction for word 179 above would be 341, the actual next word.

 1 vocabulary_size = 8000
 3 unknown_token = "UNKNOWN_TOKEN"
 5 sentence_start_token = "SENTENCE_START"
 7 sentence_end_token = "SENTENCE_END"
 9 # Read the data and append SENTENCE_START and SENTENCE_END tokens
11 print "Reading CSV file..."
13 with open('data/reddit-comments-2015-08.csv', 'rb') as f:
15 reader = csv.reader(f, skipinitialspace=True)
17 reader.next()
19 # Split full comments into sentences
21 sentences = itertools.chain(*[nltk.sent_tokenize(x[0].decode('utf-8').lower()) for x in reader])
23 # Append SENTENCE_START and SENTENCE_END
25 sentences = ["%s %s %s" % (sentence_start_token, x, sentence_end_token) for x in sentences]
27 print "Parsed %d sentences." % (len(sentences))
29 # Tokenize the sentences into words
31 tokenized_sentences = [nltk.word_tokenize(sent) for sent in sentences]
33 # Count the word frequencies
35 word_freq = nltk.FreqDist(itertools.chain(*tokenized_sentences))
37 print "Found %d unique words tokens." % len(word_freq.items()) 
39 # Get the most common words and build index_to_word and word_to_index vectors
41 vocab = word_freq.most_common(vocabulary_size-1)
43 index_to_word = [x[0] for x in vocab]
45 index_to_word.append(unknown_token)
47 word_to_index = dict([(w,i) for i,w in enumerate(index_to_word)])
49 print "Using vocabulary size %d." % vocabulary_size
51 print "The least frequent word in our vocabulary is '%s' and appeared %d times." % (vocab[-1][0], vocab[-1][1])
53 # Replace all words not in our vocabulary with the unknown token
55 for i, sent in enumerate(tokenized_sentences):
57 tokenized_sentences[i] = [w if w in word_to_index else unknown_token for w in sent]
59 print "
Example sentence: '%s'" % sentences[0]
61 print "
Example sentence after Pre-processing: '%s'" % tokenized_sentences[0]
63 # Create the training data
65 X_train = np.asarray([[word_to_index[w] for w in sent[:-1]] for sent in tokenized_sentences])
67 y_train = np.asarray([[word_to_index[w] for w in sent[1:]] for sent in tokenized_sentences])

Here’s an actual training example from our text:

 1 x:
 3 SENTENCE_START what are n't you understanding about this ? !
 5 [0, 51, 27, 16, 10, 856, 53, 25, 34, 69]
 7 y:
 9 what are n't you understanding about this ? ! SENTENCE_END
11 [51, 27, 16, 10, 856, 53, 25, 34, 69, 1]

搭建RNN模型

For a general overview of RNNs take a look at first part of the tutorial.

A recurrent neural network and the unfolding in time of the computation involved in its forward computation.

A recurrent neural network and the unfolding in time of the computation involved in its forward computation.

Let’s get concrete and see what the RNN for our language model looks like. The input x will be a sequence of words (just like the example printed above) and each x_t is a single word. But there’s one more thing: Because of how matrix multiplication works we can’t simply use a word index (like 36) as an input. Instead, we represent each word as a one-hot vector of sizevocabulary_size. For example, the word with index 36 would be the vector of all 0’s and a 1 at position 36. So, each x_t will become a vector, and x will be a matrix, with each row representing a word. We’ll perform this transformation in our Neural Network code instead of doing it in the pre-processing. The output of our network o has a similar format. Each o_t is a vector ofvocabulary_size elements, and each element represents the probability of that word being the next word in the sentence.

Let’s recap the equations for the RNN from the first part of the tutorial:

[egin{aligned} s_t &= anh(Ux_t + Ws_{t-1}) \ o_t &= mathrm{softmax}(Vs_t) end{aligned}]

I always find it useful to write down the dimensions of the matrices and vectors. Let’s assume we pick a vocabulary size $C=8000$ and a hidden layer size $H=100$. You can think of the hidden layer size as the “memory” of our network. Making it bigger allows us to learn more complex patterns, but also results in additional computation. Then we have:

[egin{aligned} x_t & in mathbb{R}^{8000} \ o_t & in mathbb{R}^{8000} \ s_t & in mathbb{R}^{100} \ U & in mathbb{R}^{100 imes 8000} \ V & in mathbb{R}^{8000 imes 100} \ W & in mathbb{R}^{100 imes 100} \ end{aligned} ]

This is valuable information. Remember that $U,V$ and $W$ are the parameters of our network we want to learn from data. Thus, we need to learn a total of $2HC+H^2$ parameters. In the case of $C=8000$ and $H=100$ that’s 1,610,000. The dimensions also tell us the bottleneck of our model. Note that because x_t is a one-hot vector, multiplying it with $U$ is essentially the same as selecting a column of U, so we don’t need to perform the full multiplication. Then, the biggest matrix multiplication in our network is $Vs_t$. That’s why we want to keep our vocabulary size small if possible.

Armed with this, it’s time to start our implementation.

模型初始化

We start by declaring a RNN class an initializing our parameters. I’m calling this class RNNNumpybecause we will implement a Theano version later. Initializing the parameters $U,V$ and $W$ is a bit tricky. We can’t just initialize them to 0’s because that would result in symmetric calculations in all our layers. We must initialize them randomly. Because proper initialization seems to have an impact on training results there has been lot of research in this area. It turns out that the best initialization depends on the activation function ($ anh$ in our case) and one recommendedapproach is to initialize the weights randomly in the interval from $left[-frac{1}{sqrt{n}}, frac{1}{sqrt{n}} ight]$ where n is the number of incoming connections from the previous layer. This may sound overly complicated, but don’t worry too much it. As long as you initialize your parameters to small random values it typically works out fine.

 1 class RNNNumpy:
 3   def __init__(self, word_dim, hidden_dim=100, bptt_truncate=4):
 5     # Assign instance variables
 7     self.word_dim = word_dim
 9     self.hidden_dim = hidden_dim
11     self.bptt_truncate = bptt_truncate
13     # Randomly initialize the network parameters
15     self.U = np.random.uniform(-np.sqrt(1./word_dim), np.sqrt(1./word_dim), (hidden_dim, word_dim))
17     self.V = np.random.uniform(-np.sqrt(1./hidden_dim), np.sqrt(1./hidden_dim), (word_dim, hidden_dim))
19     self.W = np.random.uniform(-np.sqrt(1./hidden_dim), np.sqrt(1./hidden_dim), (hidden_dim, hidden_dim))

Above, word_dim is the size of our vocabulary, and hidden_dim is the size of our hidden layer (we can pick it). Don’t worry about the bptt_truncate parameter for now, we’ll explain what that is later.

前向传递

Next, let’s implement the forward propagation (predicting word probabilities) defined by our equations above:

 1 def forward_propagation(self, x):
 3   # The total number of time steps
 5   T = len(x)
 7   # During forward propagation we save all hidden states in s because need them later.
 9   # We add one additional element for the initial hidden, which we set to 0
11   s = np.zeros((T + 1, self.hidden_dim))
13   s[-1] = np.zeros(self.hidden_dim)
15   # The outputs at each time step. Again, we save them for later.
17   o = np.zeros((T, self.word_dim))
19   # For each time step...
21   for t in np.arange(T):
23     # Note that we are indxing U by x[t]. This is the same as multiplying U with a one-hot vector.
25     s[t] = np.tanh(self.U[:,x[t]] + self.W.dot(s[t-1]))
27     o[t] = softmax(self.V.dot(s[t]))
29   return [o, s]
31 RNNNumpy.forward_propagation = forward_propagation

We not only return the calculated outputs, but also the hidden states. We will use them later to calculate the gradients, and by returning them here we avoid duplicate computation. Each o_t is a vector of probabilities representing the words in our vocabulary, but sometimes, for example when evaluating our model, all we want is the next word with the highest probability. We call this function predict:

1 def predict(self, x):
3   # Perform forward propagation and return index of the highest score
5   o, s = self.forward_propagation(x)
7   return np.argmax(o, axis=1)
9 RNNNumpy.predict = predict

Let’s try our newly implemented methods and see an example output:

np.random.seed(10)
model = RNNNumpy(vocabulary_size)
o, s = model.forward_propagation(X_train[10])
print o.shape
print o

(45, 8000)
[[ 0.00012408  0.0001244   0.00012603 ...,  0.00012515  0.00012488
0.00012508]
[ 0.00012536  0.00012582  0.00012436 ...,  0.00012482  0.00012456
0.00012451]
[ 0.00012387  0.0001252   0.00012474 ...,  0.00012559  0.00012588
0.00012551]
...,
[ 0.00012414  0.00012455  0.0001252  ...,  0.00012487  0.00012494
0.0001263 ]
[ 0.0001252   0.00012393  0.00012509 ...,  0.00012407  0.00012578
0.00012502]
[ 0.00012472  0.0001253   0.00012487 ...,  0.00012463  0.00012536
0.00012665]]

For each word in the sentence (45 above), our model made 8000 predictions representing probabilities of the next word. Note that because we initialized $U,V,W$ to random values these predictions are completely random right now. The following gives the indices of the highest probability predictions for each word:

1 predictions = model.predict(X_train[10])
2 print predictions.shape
3 print predictions
4 
5 (45,)
6 [1284 5221 7653 7430 1013 3562 7366 4860 2212 6601 7299 4556 2481 238 2539
7 21 6548 261 1780 2005 1810 5376 4146 477 7051 4832 4991 897 3485 21
8 7291 2007 6006 760 4864 2182 6569 2800 2752 6821 4437 7021 7875 6912 3575]

计算误差

To train our network we need a way to measure the errors it makes. We call this the loss function $L$, and our goal is find the parameters $U,V$ and $W$ that minimize the loss function for our training data. A common choice for the loss function is the cross-entropy loss. If we have $N$training examples (words in our text) and $C$ classes (the size of our vocabulary) then the loss with respect to our predictions $o$ and the true labels $y$ is given by:

[egin{aligned} L(y,o) = - frac{1}{N} sum_{n in N} y_{n} log o_{n} end{aligned} ]

The formula looks a bit complicated, but all it really does is sum over our training examples and add to the loss based on how off our prediction are. The further away $y$ (the correct words) and $o$(our predictions), the greater the loss will be. We implement the function calculate_loss:

def calculate_total_loss(self, x, y):
    L = 0
    # For each sentence...
    for i in np.arange(len(y)):
        o, s = self.forward_propagation(x[i])
        # We only care about our prediction of the "correct" words
        correct_word_predictions = o[np.arange(len(y[i])), y[i]]
        # Add to the loss based on how off we were
    L += -1 * np.sum(np.log(correct_word_predictions))
    return L

def calculate_loss(self, x, y):
    # Divide the total loss by the number of training examples
    N = np.sum((len(y_i) for y_i in y))
    return self.calculate_total_loss(x,y)/N

RNNNumpy.calculate_total_loss = calculate_total_loss
RNNNumpy.calculate_loss = calculate_loss               

Let’s take a step back and think about what the loss should be for random predictions. That will give us a baseline and make sure our implementation is correct. We have $C$ words in our vocabulary, so each word should be (on average) predicted with probability $1/C$, which would yield a loss of $L = -frac{1}{N} N logfrac{1}{C} = log C$:

# Limit to 1000 examples to save time
print "Expected Loss for random predictions: %f" % np.log(vocabulary_size)
print "Actual loss: %f" % model.calculate_loss(X_train[:1000], y_train[:1000])
Expected Loss for random predictions: 8.987197
Actual loss: 8.987440

Pretty close! Keep in mind that evaluating the loss on the full dataset is an expensive operation and can take hours if you have a lot of data!

Training the RNN with SGD and Backpropagation Through Time (BPTT)

Remember that we want to find the parameters $U,V$ and $W$ that minimize the total loss on the training data. The most common way to do this is SGD, Stochastic Gradient Descent. The idea behind SGD is pretty simple. We iterate over all our training examples and during each iteration we nudge the parameters into a direction that reduces the error. These directions are given by the gradients on the loss: $frac{partial L}{partial U}, frac{partial L}{partial V}, frac{partial L}{partial W}$. SGD also needs a learning rate, which defines how big of a step we want to make in each iteration. SGD is the most popular optimization method not only for Neural Networks, but also for many other Machine Learning algorithms. As such there has been a lot of research on how to optimize SGD using batching, parallelism and adaptive learning rates. Even though the basic idea is simple, implementing SGD in a really efficient way can become very complex. If you want to learn more about SGD this is a good place to start. Due to its popularity there are a wealth of tutorials floating around the web, and I don’t want to duplicate them here. I’ll implement a simple version of SGD that should be understandable even without a background in optimization.

But how do we calculate those gradients we mentioned above? In a traditional Neural Network we do this through the backpropagation algorithm. In RNNs we use a slightly modified version of the this algorithm called Backpropagation Through Time (BPTT). Because the parameters are shared by all time steps in the network, the gradient at each output depends not only on the calculations of the current time step, but also the previous time steps. If you know calculus, it really is just applying the chain rule. The next part of the tutorial will be all about BPTT, so I won’t go into detailed derivation here. For a general introduction to backpropagation check out thisand this post. For now you can treat BPTT as a black box. It takes as input a training example $(x,y)$ and returns the gradients $frac{partial L}{partial U}, frac{partial L}{partial V}, frac{partial L}{partial W}$.

 1 def bptt(self, x, y):
 2     T = len(y)
 3     # Perform forward propagation
 4     o, s = self.forward_propagation(x)
 5     # We accumulate the gradients in these variables
 6     dLdU = np.zeros(self.U.shape)
 7     dLdV = np.zeros(self.V.shape)
 8     dLdW = np.zeros(self.W.shape)
 9     delta_o = o
10     delta_o[np.arange(len(y)), y] -= 1.
11     # For each output backwards...
12     for t in np.arange(T)[::-1]:
13         dLdV += np.outer(delta_o[t], s[t].T)
14         # Initial delta calculation
15         delta_t = self.V.T.dot(delta_o[t]) * (1 - (s[t] ** 2))
16         # Backpropagation through time (for at most self.bptt_truncate steps)
17         for bptt_step in np.arange(max(0, t-self.bptt_truncate), t+1)[::-1]:
18             # print "Backpropagation step t=%d bptt step=%d " % (t, bptt_step)
19             dLdW += np.outer(delta_t, s[bptt_step-1])             
20             dLdU[:,x[bptt_step]] += delta_t
21             # Update delta for next step
22             delta_t = self.W.T.dot(delta_t) * (1 - s[bptt_step-1] ** 2)
23     return [dLdU, dLdV, dLdW]
24 
25 RNNNumpy.bptt = bptt                            

Gradient Checking

Whenever you implement backpropagation it is good idea to also implement gradient checking, which is a way of verifying that your implementation is correct. The idea behind gradient checking is that derivative of a parameter is equal to the slope at the point, which we can approximate by slightly changing the parameter and then dividing by the change:

[egin{aligned} frac{partial L}{partial heta} approx lim_{h o 0} frac{J( heta + h) - J( heta -h)}{2h} end{aligned} ]

We then compare the gradient we calculated using backpropagation to the gradient we estimated with the method above. If there’s no large difference we are good. The approximation needs to calculate the total loss for every parameter, so that gradient checking is very expensive (remember, we had more than a million parameters in the example above). So it’s a good idea to perform it on a model with a smaller vocabulary.

 1 def gradient_check_theano(model, x, y, h=0.001, error_threshold=0.01):
 2     # Overwrite the bptt attribute. We need to backpropagate all the way to get the correct gradient
 3     model.bptt_truncate = 1000
 4     # Calculate the gradients using backprop
 5     bptt_gradients = model.bptt(x, y)
 6     # List of all parameters we want to chec.
 7     model_parameters = ['U', 'V', 'W']
 8     # Gradient check for each parameter
 9     for pidx, pname in enumerate(model_parameters):
10         # Get the actual parameter value from the mode, e.g. model.W
11         parameter_T = operator.attrgetter(pname)(model)
12         parameter = parameter_T.get_value()
13         print "Performing gradient check for parameter %s with size %d." % (pname, np.prod(parameter.shape))
14         # Iterate over each element of the parameter matrix, e.g. (0,0), (0,1), ...
15         it = np.nditer(parameter, flags=['multi_index'], op_flags=['readwrite'])
16         while not it.finished:
17             ix = it.multi_index
18             # Save the original value so we can reset it later
19             original_value = parameter[ix]
20             # Estimate the gradient using (f(x+h) - f(x-h))/(2*h)
21             parameter[ix] = original_value + h
22             parameter_T.set_value(parameter)
23             gradplus = model.calculate_total_loss([x],[y])
24             parameter[ix] = original_value - h
25             parameter_T.set_value(parameter)
26             gradminus = model.calculate_total_loss([x],[y])
27             estimated_gradient = (gradplus - gradminus)/(2*h)
28             parameter[ix] = original_value
29             parameter_T.set_value(parameter)
30             # The gradient for this parameter calculated using backpropagation
31             backprop_gradient = bptt_gradients[pidx][ix]
32             # calculate The relative error: (|x - y|/(|x| + |y|))
33             relative_error = np.abs(backprop_gradient - estimated_gradient)/(np.abs(backprop_gradient) + np.abs(estimated_gradient))
34             # If the error is to large fail the gradient check
35             if relative_error > error_threshold:
36                 print "Gradient Check ERROR: parameter=%s ix=%s" % (pname, ix)
37                 print "+h Loss: %f" % gradplus
38                 print "-h Loss: %f" % gradminus
39                 print "Estimated_gradient: %f" % estimated_gradient
40                 print "Backpropagation gradient: %f" % backprop_gradient
41                 print "Relative Error: %f" % relative_error
42                 return 
43             it.iternext()
44         print "Gradient check for parameter %s passed." % (pname)

实现SGD算法

Now that we are able to calculate the gradients for our parameters we can implement SGD. I like to do this in two steps: 1. A function sdg_step that calculates the gradients and performs the updates for one batch. 2. An outer loop that iterates through the training set and adjusts the learning rate.

 1 # Performs one step of SGD.
 2 
 3 def numpy_sdg_step(self, x, y, learning_rate):
 5   # Calculate the gradients
 7   dLdU, dLdV, dLdW = self.bptt(x, y)
 9   # Change parameters according to gradients and learning rate
11   self.U -= learning_rate * dLdU
13   self.V -= learning_rate * dLdV
15   self.W -= learning_rate * dLdW
17 RNNNumpy.sgd_step = numpy_sdg_step
18 
19 # Outer SGD Loop
21 # - model: The RNN model instance
23 # - X_train: The training data set
25 # - y_train: The training data labels
27 # - learning_rate: Initial learning rate for SGD
29 # - nepoch: Number of times to iterate through the complete dataset
31 # - evaluate_loss_after: Evaluate the loss after this many epochs
32 
33 def train_with_sgd(model, X_train, y_train, learning_rate=0.005, nepoch=100, evaluate_loss_after=5):
34   # We keep track of the losses so we can plot them later
35   losses = []
36   num_examples_seen = 0
37   for epoch in range(nepoch):
38     # Optionally evaluate the loss
39     if (epoch % evaluate_loss_after == 0):
40       loss = model.calculate_loss(X_train, y_train)
41       losses.append((num_examples_seen, loss))
42     time = datetime.now().strftime('%Y-%m-%d %H:%M:%S')
43     print "%s: Loss after num_examples_seen=%d epoch=%d: %f" % (time,      num_examples_seen, epoch, loss)
44     # Adjust the learning rate if loss increases
45     if (len(losses) >= 1 and losses[-1][1] >= losses[-2][1]):
46       learning_rate = learning_rate * 0.5
47       print "Setting learning rate to %f" % learning_rate
48     sys.stdout.flush()
49     # For each training example...
50     for i in range(len(y_train)):
51       # One SGD step
52       model.sgd_step(X_train[i], y_train[i], learning_rate)
53       num_examples_seen += 1
54       
55 Done! Let’s try to get a sense of how long it would take to train our network:
56  np.random.seed(10)
57 model = RNNNumpy(vocabulary_size)
58 %timeit model.sgd_step(X_train[10], y_train[10], 0.005)

Uh-oh, bad news. One step of SGD takes approximately 350 milliseconds on my laptop. We have about 80,000 examples in our training data, so one epoch (iteration over the whole data set) would take several hours. Multiple epochs would take days, or even weeks! And we’re still working with a small dataset compared to what’s being used by many of the companies and researchers out there. What now?

Fortunately there are many ways to speed up our code. We could stick with the same model and make our code run faster, or we could modify our model to be less computationally expensive, or both. Researchers have identified many ways to make models less computationally expensive, for example by using a hierarchical softmax or adding projection layers to avoid the large matrix multiplications (see also here or here). But I want to keep our model simple and go the first route: Make our implementation run faster using a GPU. Before doing that though, let’s just try to run SGD with a small dataset and check if the loss actually decreases:

 1 np.random.seed(10)
 2 # Train on a small subset of the data to see what happens
 3 model = RNNNumpy(vocabulary_size)
 4 losses = train_with_sgd(model, X_train[:100], y_train[:100], nepoch=10, evaluate_loss_after=1)
 5 
 6 2015-09-30 10:08:19: Loss after num_examples_seen=0 epoch=0: 8.987425
 7 2015-09-30 10:08:35: Loss after num_examples_seen=100 epoch=1: 8.976270
 8 2015-09-30 10:08:50: Loss after num_examples_seen=200 epoch=2: 8.960212
 9 2015-09-30 10:09:06: Loss after num_examples_seen=300 epoch=3: 8.930430
10 2015-09-30 10:09:22: Loss after num_examples_seen=400 epoch=4: 8.862264
11 2015-09-30 10:09:38: Loss after num_examples_seen=500 epoch=5: 6.913570
12 2015-09-30 10:09:53: Loss after num_examples_seen=600 epoch=6: 6.302493
13 2015-09-30 10:10:07: Loss after num_examples_seen=700 epoch=7: 6.014995
14 2015-09-30 10:10:24: Loss after num_examples_seen=800 epoch=8: 5.833877
15 2015-09-30 10:10:39: Loss after num_examples_seen=900 epoch=9: 5.710718

Good, it seems like our implementation is at least doing something useful and decreasing the loss, just like we wanted.

Theano实现的RNN

I have previously written a tutorial on Theano, and since all our logic will stay exactly the same I won’t go through optimized code here again. I defined a RNNTheano class that replaces the numpy calculations with corresponding calculations in Theano. Just like the rest of this post,the code is also available Github.

1 np.random.seed(10)
2 model = RNNTheano(vocabulary_size)
3 %timeit model.sgd_step(X_train[10], y_train[10], 0.005)

This time, one SGD step takes 70ms on my Mac (without GPU) and 23ms on a g2.2xlargeAmazon EC2 instance with GPU. That’s a 15x improvement over our initial implementation and means we can train our model in hours/days instead of weeks. There are still a vast number of optimizations we could make, but we’re good enough for now.

To help you avoid spending days training a model I have pre-trained a Theano model with a hidden layer dimensionality of 50 and a vocabulary size of 8000. I trained it for 50 epochs in about 20 hours. The loss was was still decreasing and training longer would probably have resulted in a better model, but I was running out of time and wanted to publish this post. Feel free to try it out yourself and trian for longer. You can find the model parameters indata/trained-model-theano.npz in the Github repository and load them using theload_model_parameters_theano method:

from utils import load_model_parameters_theano, save_model_parameters_theano
model = RNNTheano(vocabulary_size, hidden_dim=50)
# losses = train_with_sgd(model, X_train, y_train, nepoch=50)
# save_model_parameters_theano('./data/trained-model-theano.npz', model)
load_model_parameters_theano('./data/trained-model-theano.npz', model)

Generating Text

Now that we have our model we can ask it to generate new text for us! Let’s implement a helper function to generate new sentences:

 1 def generate_sentence(model):
 3   # We start the sentence with the start token
 5   new_sentence = [word_to_index[sentence_start_token]]
 7   # Repeat until we get an end token
 9   while not new_sentence[-1] == word_to_index[sentence_end_token]:
11   next_word_probs = model.forward_propagation(new_sentence)
13   sampled_word = word_to_index[unknown_token]
14 
15   # We don't want to sample unknown words
17   while sampled_word == word_to_index[unknown_token]:
19     samples = np.random.multinomial(1, next_word_probs[-1])
21     sampled_word = np.argmax(samples)
23     new_sentence.append(sampled_word)
25     sentence_str = [index_to_word[x] for x in new_sentence[1:-1]]
27   return sentence_str
29 num_sentences = 10
31 senten_min_length = 7
33 for i in range(num_sentences):
35   sent = []
37   # We want long sentences, not sentences with one or two words
39   while len(sent) < senten_min_length:
41     sent = generate_sentence(model)
43     print " ".join(sent)

A few selected (censored) sentences. I added capitalization.

  • Anyway, to the city scene you’re an idiot teenager.
  • What ? ! ! ! ! ignore!
  • Screw fitness, you’re saying: https
  • Thanks for the advice to keep my thoughts around girls.
  • Yep, please disappear with the terrible generation.

Looking at the generated sentences there are a few interesting things to note. The model successfully learn syntax. It properly places commas (usually before and’s and or’s) and ends sentence with punctuation. Sometimes it mimics internet speech such as multiple exclamation marks or smileys.

However, the vast majority of generated sentences don’t make sense or have grammatical errors (I really picked the best ones above). One reason could be that we did not train our network long enough (or didn’t use enough training data). That may be true, but it’s most likely not the main reason. Our vanilla RNN can’t generate meaningful text because it’s unable to learn dependencies between words that are several steps apart. That’s also why RNNs failed to gain popularity when they were first invented. They were beautiful in theory but didn’t work well in practice, and we didn’t immediately understand why.

Fortunately, the difficulties in training RNNs are much better understood now. In the next part of this tutorial we will explore the Backpropagation Through Time (BPTT) algorithm in more detail and demonstrate what’s called the vanishing gradient problem. This will motivate our move to more sophisticated RNN models, such as LSTMs, which are the current state of the art for many tasks in NLP (and can generate much better reddit comments!). Everything you learned in this tutorial also applies to LSTMs and other RNN models, so don’t feel discouraged if the results for a vanilla RNN are worse then you expected.

That’s it for now. Please leave questions or feedback in the comments! and don’t forget to check out the /code.

原文地址:https://www.cnblogs.com/ZJUT-jiangnan/p/5233898.html