Classifying movie reviews: a binary classification example


This notebook contains the code samples found in Chapter 3, Section 5 of Deep Learning with R. Note that the original text features far more content, in particular further explanations and figures: in this notebook, you will only find source code and related comments.


Two-class classification, or binary classification, may be the most widely applied kind of machine learning problem. In this example, we will learn to classify movie reviews into “positive” reviews and “negative” reviews, just based on the text content of the reviews.

The IMDB dataset

We’ll be working with “IMDB dataset”, a set of 50,000 highly-polarized reviews from the Internet Movie Database. They are split into 25,000 reviews for training and 25,000 reviews for testing, each set consisting in 50% negative and 50% positive reviews.

Why do we have these two separate training and test sets? You should never test a machine learning model on the same data that you used to train it! Just because a model performs well on its training data doesn’t mean that it will perform well on data it has never seen, and what you actually care about is your model’s performance on new data (since you already know the labels of your training data – obviously you don’t need your model to predict those). For instance, it is possible that your model could end up merely memorizing a mapping between your training samples and their targets – which would be completely useless for the task of predicting targets for data never seen before. We will go over this point in much more detail in the next chapter.

Just like the MNIST dataset, the IMDB dataset comes packaged with Keras. It has already been preprocessed: the reviews (sequences of words) have been turned into sequences of integers, where each integer stands for a specific word in a dictionary.

The following code will load the dataset (when you run it for the first time, about 80MB of data will be downloaded to your machine):

library(keras)

imdb <- dataset_imdb(num_words ## 10000)
c(c(train_data, train_labels), c(test_data, test_labels)) %<-% imdb

The argument num_words ## 10000 means that we will only keep the top 10,000 most frequently occurring words in the training data. Rare words will be discarded. This allows us to work with vector data of manageable size.

The variables train_data and test_data are lists of reviews, each review being a list of word indices (encoding a sequence of words). train_labels and test_labels are lists of 0s and 1s, where 0 stands for “negative” and 1 stands for “positive”:

str(train_data[]([](1)))
##  int [](1:218) 1 14 22 16 43 530 973 1622 1385 65 ...
train_labels[]([](1))
## [](1) 1

Since we restricted ourselves to the top 10,000 most frequent words, no word index will exceed 10,000:

max(sapply(train_data, max))
## [](1) 9999

For kicks, here’s how you can quickly decode one of these reviews back to English words:

# word_index is a dictionary mapping words to an integer index
word_index <- dataset_imdb_word_index()
# We reverse it, mapping integer indices to words
reverse_word_index <- names(word_index)
names(reverse_word_index) <- word_index
# We decode the review; note that our indices were offset by 3
# because 0, 1 and 2 are reserved indices for "padding", "start of sequence", and "unknown".
decoded_review <- sapply(train_data[function(index]([](1)),) {
  word <- if (index >## 3) reverse_word_index[3))]([](as.character(index -)
  if (!is.null(word)) word else "?"
})
cat(decoded_review)
## ? this film was just brilliant casting location scenery story direction everyone's really suited the part they played and you could just imagine being there robert ? is an amazing actor and now the same being director ? father came from the same scottish island as myself so i loved the fact there was a real connection with this film the witty remarks throughout the film were great it was just brilliant so much that i bought the film as soon as it was released for ? and would recommend it to everyone to watch and the fly fishing was amazing really cried at the end it was so sad and you know what they say if you cry at a film it must have been good and this definitely was also ? to the two little boy's that played the ? of norman and paul they were just brilliant children are often left out of the ? list i think because the stars that play them all grown up are such a big profile for the whole film but these children are amazing and should be praised for what they have done don't you think the whole story was so lovely because it was true and was someone's life after all that was shared with us all

Preparing the data

You can’t feed lists of integers into a neural network. You have to turn your lists into vectors. There are two ways to do that:

Let’s go with the latter solution and vectorize the data, which you’ll do manually for maximum clarity.

vectorize_sequences <- function(sequences, dimension ## 10000) {
  # Create an all-zero matrix of shape (len(sequences), dimension)
  results <- matrix(0, nrow ## length(sequences), ncol ## dimension)
  for (i in 1:length(sequences))
    # Sets specific indices of results[](i) to 1s
    results[sequences[]([](i))](i,) <- 1
  results
}

# Our vectorized training data
x_train <- vectorize_sequences(train_data)
# Our vectorized test data
x_test <- vectorize_sequences(test_data)

Here’s what our samples look like now:

str(x_train[](1,))
##  num [](1:10000) 1 1 0 1 1 1 1 1 1 0 ...

We should also vectorize our labels, which is straightforward:

# Our vectorized labels
y_train <- as.numeric(train_labels)
y_test <- as.numeric(test_labels)

Now our data is ready to be fed into a neural network.

Building our network

The input data is vectors, and the labels are scalars (1s and 0s): this is the easiest setup you’ll ever encounter. A type of network that performs well on such a problem is a simple stack of fully connected (“dense”) layers with relu activations: layer_dense(units ## 16, activation ## "relu").

The argument being passed to each dense layer (16) is the number of hidden units of the layer. A hidden unit is a dimension in the representation space of the layer. You may remember from chapter 2 that each such dense layer with a relu activation implements the following chain of tensor operations:

output ## relu(dot(W, input) + b)

Having 16 hidden units means that the weight matrix W will have shape (input_dimension, 16), i.e. the dot product with W will project the input data onto a 16-dimensional representation space (and then we would add the bias vector b and apply the relu operation). You can intuitively understand the dimensionality of your representation space as “how much freedom you are allowing the network to have when learning internal representations”. Having more hidden units (a higher-dimensional representation space) allows your network to learn more complex representations, but it makes your network more computationally expensive and may lead to learning unwanted patterns (patterns that will improve performance on the training data but not on the test data).

There are two key architecture decisions to be made about such stack of dense layers:

In the next chapter, you will learn formal principles to guide you in making these choices. For the time being, you will have to trust us with the following architecture choice: two intermediate layers with 16 hidden units each, and a third layer which will output the scalar prediction regarding the sentiment of the current review. The intermediate layers will use relu as their “activation function”, and the final layer will use a sigmoid activation so as to output a probability (a score between 0 and 1, indicating how likely the sample is to have the target “1”, i.e. how likely the review is to be positive). A relu (rectified linear unit) is a function meant to zero-out negative values, while a sigmoid “squashes” arbitrary values into the [1](0,) interval, thus outputting something that can be interpreted as a probability.

Here’s what our network looks like:

3-layer network

And here’s the Keras implementation, very similar to the MNIST example you saw previously:

library(keras)

model <- keras_model_sequential() %>% 
  layer_dense(units ## 16, activation ## "relu", input_shape ## c(10000)) %>% 
  layer_dense(units ## 16, activation ## "relu") %>% 
  layer_dense(units ## 1, activation ## "sigmoid")

Lastly, we need to pick a loss function and an optimizer. Since we are facing a binary classification problem and the output of our network is a probability (we end our network with a single-unit layer with a sigmoid activation), is it best to use the binary_crossentropy loss. It isn’t the only viable choice: you could use, for instance, mean_squared_error. But crossentropy is usually the best choice when you are dealing with models that output probabilities. Crossentropy is a quantity from the field of Information Theory, that measures the “distance” between probability distributions, or in our case, between the ground-truth distribution and our predictions.

Here’s the step where we configure our model with the rmsprop optimizer and the binary_crossentropy loss function. Note that we will also monitor accuracy during training.

model %>% compile(
  optimizer ## "rmsprop",
  loss ## "binary_crossentropy",
  metrics ## c("accuracy")
)

You’re passing your optimizer, loss function, and metrics as strings, which is possible because rmsprop, binary_crossentropy, and accuracy are packaged as part of Keras. Sometimes you may want to configure the parameters of your optimizer or pass a custom loss function or metric function. The former can be done by passing an optimizer instance as the optimizer argument:

model %>% compile(
  optimizer ## optimizer_rmsprop(lr##0.001),
  loss ## "binary_crossentropy",
  metrics ## c("accuracy")
) 

The latter can be done by passing function objects as the loss or metrics arguments:

model %>% compile(
  optimizer ## optimizer_rmsprop(lr ## 0.001),
  loss ## loss_binary_crossentropy,
  metrics ## metric_binary_accuracy
) 

Validating our approach

In order to monitor during training the accuracy of the model on data that it has never seen before, we will create a “validation set” by setting apart 10,000 samples from the original training data:

val_indices <- 1:10000

x_val <- x_train[](val_indices,)
partial_x_train <- x_train[](-val_indices,)

y_val <- y_train[](val_indices)
partial_y_train <- y_train[](-val_indices)

We will now train our model for 20 epochs (20 iterations over all samples in the x_train and y_train tensors), in mini-batches of 512 samples. At this same time we will monitor loss and accuracy on the 10,000 samples that we set apart. This is done by passing the validation data as the validation_data argument:

model %>% compile(
  optimizer ## "rmsprop",
  loss ## "binary_crossentropy",
  metrics ## c("accuracy")
)

history <- model %>% fit(
  partial_x_train,
  partial_y_train,
  epochs ## 20,
  batch_size ## 512,
  validation_data ## list(x_val, y_val)
)

On CPU, this will take less than two seconds per epoch – training is over in 20 seconds. At the end of every epoch, there is a slight pause as the model computes its loss and accuracy on the 10,000 samples of the validation data.

Note that the call to fit() returns a history object. Let’s take a look at it:

str(history)
## List of 2
##  $ params :List of 8
##   ..$ batch_size        : int 512
##   ..$ epochs            : int 20
##   ..$ steps             : NULL
##   ..$ samples           : int 15000
##   ..$ verbose           : int 1
##   ..$ do_validation     : logi TRUE
##   ..$ metrics           : chr [](1:4) "loss" "acc" "val_loss" "val_acc"
##   ..$ validation_samples: int 10000
##  $ metrics:List of 4
##   ..$ val_loss: num [](1:20) 0.407 0.309 0.279 0.272 0.275 ...
##   ..$ val_acc : num [](1:20) 0.856 0.889 0.893 0.89 0.89 ...
##   ..$ loss    : num [](1:20) 0.527 0.321 0.232 0.183 0.147 ...
##   ..$ acc     : num [](1:20) 0.79 0.897 0.925 0.94 0.953 ...
##  - attr(*, "class")## chr "keras_training_history"

The history object includes various parameters used to fit the model (history$params) as well as data for each of the metrics being monitored (history$metrics).

The history object has a plot() method that enables us to visualize the training and validation metrics by epoch:

plot(history)

The accuracy is plotted on the top panel and the loss on the bottom panel. Note that your own results may vary slightly due to a different random initialization of your network.

The dots are the training loss and accuracy, while the solid lines are the validation loss and accuracy. Note that your own results may vary slightly due to a different random initialization of your network.

As you can see, the training loss decreases with every epoch, and the training accuracy increases with every epoch. That’s what you would expect when running a gradient-descent optimization – the quantity you’re trying to minimize should be less with every iteration. But that isn’t the case for the validation loss and accuracy: they seem to peak at the fourth epoch. This is an example of what we warned against earlier: a model that performs better on the training data isn’t necessarily a model that will do better on data it has never seen before. In precise terms, what you’re seeing is overfitting: after the second epoch, you’re over-optimizing on the training data, and you end up learning representations that are specific to the training data and don’t generalize to data outside of the training set.

In this case, to prevent overfitting, you could stop training after three epochs. In general, you can use a range of techniques to mitigate overfitting, which we’ll cover in chapter 4.

Let’s train a new network from scratch for four epochs and then evaluate it on the test data.

model <- keras_model_sequential() %>% 
  layer_dense(units ## 16, activation ## "relu", input_shape ## c(10000)) %>% 
  layer_dense(units ## 16, activation ## "relu") %>% 
  layer_dense(units ## 1, activation ## "sigmoid")

model %>% compile(
  optimizer ## "rmsprop",
  loss ## "binary_crossentropy",
  metrics ## c("accuracy")
)

model %>% fit(x_train, y_train, epochs ## 4, batch_size ## 512)
results <- model %>% evaluate(x_test, y_test)
results
## $loss
## [](1) 0.3187578
## 
## $acc
## [](1) 0.8742

Our fairly naive approach achieves an accuracy of 88%. With state-of-the-art approaches, one should be able to get close to 95%.

Using a trained network to generate predictions on new data

After having trained a network, you’ll want to use it in a practical setting. You can generate the likelihood of reviews being positive by using the predict method:

model %>% predict(x_test[](1:10,))
##             [](,1)
##  [](1,) 0.23027171
##  [](2,) 0.99983275
##  [](3,) 0.95128500
##  [](4,) 0.92735493
##  [](5,) 0.97868216
##  [](6,) 0.85068083
##  [](7,) 0.99992847
##  [](8,) 0.01188476
##  [](9,) 0.98150921
## [](10,) 0.99729294

As you can see, the network is very confident for some samples (0.99 or more, or 0.02 or less) but less confident for others.

Further experiments

These experiments will help convince you that the architecture choices we have made are all fairly reasonable, although they can still be improved!

Conclusions

Here’s what you should take away from this example: