[New Book] Click to get The Beginner's Guide to Data Science!
Use the offer code 20offearlybird to get 20% off. Hurry, sale ends soon!

How to Use Small Experiments to Develop a Caption Generation Model in Keras

Caption generation is a challenging artificial intelligence problem where a textual description must be generated for a photograph.

It requires both methods from computer vision to understand the content of the image and a language model from the field of natural language processing to turn the understanding of the image into words in the right order. Recently, deep learning methods have achieved state of the art results on examples of this problem.

It can be hard to develop caption generating models on your own data, primarily because the datasets and the models are so large and take days to train. An alternative approach is to explore model configurations with a small sample of the fuller dataset.

In this tutorial, you will discover how you can use a small sample of a standard photo captioning dataset to explore different deep model designs.

After completing this tutorial, you will know:

  • How to prepare data for photo captioning modeling.
  • How to design a baseline and test harness to evaluate the skill of models and control for their stochastic nature.
  • How to evaluate properties like model skill, feature extraction models, and word embeddings in order to lift model skill.

Kick-start your project with my new book Deep Learning for Natural Language Processing, including step-by-step tutorials and the Python source code files for all examples.

Let’s get started.

  • April Feb/2019: Provided direct links for the Flickr8k_Dataset dataset, as the official site was taken down.
How to Use Small Experiments to Develop a Caption Generation Model in Keras

How to Use Small Experiments to Develop a Caption Generation Model in Keras
Photo by Per, some rights reserved.

Tutorial Overview

This tutorial is divided into 6 parts; they are:

  1. Data Preparation
  2. Baseline Caption Generation Model
  3. Network Size Parameters
  4. Configuring the Feature Extraction Model
  5. Word Embedding Models
  6. Analysis of Results

Python Environment

This tutorial assumes you have a Python SciPy environment installed, ideally with Python 3.

You must have Keras (2.0 or higher) installed with either the TensorFlow or Theano backend.

The tutorial also assumes you have scikit-learn, Pandas, NumPy, and Matplotlib installed.

If you need help with your environment, see this tutorial:

I recommend running the code on a system with a GPU.

You can access GPUs cheaply on Amazon Web Services. Learn how in this tutorial:

Let’s dive in.

Need help with Deep Learning for Text Data?

Take my free 7-day email crash course now (with code).

Click to sign-up and also get a free PDF Ebook version of the course.

Data Preparation

First, we need to prepare the dataset for training the model.

We will use the Flickr8K dataset that is comprised of a little more than 8,000 photographs and their descriptions.

You can download the dataset from here:

UPDATE (April/2019): The official site seems to have been taken down (although the form still works). Here are some direct download links from my datasets GitHub repository:

Unzip the photographs and descriptions into your current working directory into Flicker8k_Dataset and Flickr8k_text directories respectively.

There are two parts to the data preparation, they are:

  1. Preparing the Text
  2. Preparing the Photos

Preparing the Text

The dataset contains multiple descriptions for each photograph and the text of the descriptions requires some minimal cleaning.

First, we will load the file containing all of the descriptions.

Each photo has a unique identifier. This is used in the photo filename and in the text file of descriptions. Next, we will step through the list of photo descriptions and save the first description for each photo. Below defines a function named load_descriptions() that, given the loaded document text, will return a dictionary of photo identifiers to descriptions.

Next, we need to clean the description text.

The descriptions are already tokenized and easy to work with. We will clean the text in the following ways in order to reduce the size of the vocabulary of words we will need to work with:

  • Convert all words to lowercase.
  • Remove all punctuation.
  • Remove all words that are one character or less in length (e.g. ‘a’).

Below defines the clean_descriptions() function that, given the dictionary of image identifiers to descriptions, steps through each description and cleans the text.

Finally, we save the dictionary of image identifiers and descriptions to a new file named descriptions.txt, with one image identifier and description per line.

Below defines the save_doc() function that given a dictionary containing the mapping of identifiers to descriptions and a filename, saves the mapping to file.

Putting this all together, the complete listing is provided below.

Running the example first prints the number of loaded photo descriptions (8,092) and the size of the clean vocabulary (4,484 words).

The clean descriptions are then written to ‘descriptions.txt‘. Taking a look in the file, we can see that the descriptions are ready for modeling.

Taking a look in the file, we can see that the descriptions are ready for modeling.

Preparing the Photos

We will use a pre-trained model to interpret the content of the photos.

There are many models to choose from. In this case, we will use the Oxford Visual Geometry Group or VGG model that won the ImageNet competition in 2014. Learn more about the model here:

Keras provides this pre-trained model directly. Note, the first time you use this model, Keras will download the model weights from the Internet, which are about 500 Megabytes. This may take a few minutes depending on your internet connection.

We could use this model as part of a broader image caption model. The problem is, it is a large model and running each photo through the network every time we want to test a new language model configuration (downstream) is redundant.

Instead, we can pre-compute the “photo features” using the pre-trained model and save them to file. We can then load these features later and feed them into our model as the interpretation of a given photo in the dataset. It is no different to running the photo through the full VGG model, it is just that we will have done it once in advance.

This is an optimization that will make training our models faster and consume less memory.

We can load the VGG model in Keras using the VGG class. We will load the model without the top; this means without the layers at the end of the network that are used to interpret the features extracted from the input and turn them into a class prediction. We are not interested in the image net classification of the photos and we will train our own interpretation of the image features.

Keras also provides tools for reshaping the loaded photo into the preferred size for the model (e.g. 3 channel 224 x 224 pixel image).

Below is a function named extract_features() that given a directory name will load each photo, prepare it for VGG and collect the predicted features from the VGG model. The image features are a 3-dimensional array with the shape (7, 7, 512).

The function returns a dictionary of image identifier to image features.

We can call this function to prepare the photo data for testing our models, then save the resulting dictionary to a file named ‘features.pkl‘.

The complete example is listed below.

Running this data preparation step may take a while depending on your hardware, perhaps one hour on the CPU with a modern workstation.

At the end of the run, you will have the extracted features stored in ‘features.pkl‘ for later use.

Baseline Caption Generation Model

In this section, we will define a baseline model for generating captions for photos and how to evaluate it so that it can be compared to variations on this baseline.

This section is divided into 5 parts:

  1. Load Data.
  2. Fit Model.
  3. Evaluate Model.
  4. Complete Example
  5. “A” versus “A” Test
  6. Generate Photo Captions

1. Load Data

We are not going to fit the model on all of the caption data, or even on a large sample of the data.

In this tutorial, we are interested in quickly testing a suite of different configurations of a caption model to see what works on this data. That means we need the evaluation of one model configuration to happen quickly. Toward this end, we will train the models on 100 photographs and captions, then evaluate them on both the training dataset and on a new test set of 100 photographs and captions.

First, we need to load a pre-defined subset of photographs. The provided dataset has separate sets for train, test, and development, which are really just different groups of photo identifiers. We will load the development set and use the first 100 identifiers for train and the second 100 (e.g. from 100 to 200) as the test set.

The function load_set() below will load a pre-defined set of identifiers, and we will call it with the ‘Flickr_8k.devImages.txt‘ filename as an argument.

Next, we need to split the set into train and test sets.

We will start by ordering the identifiers by sorting them to ensure we always split them consistently across machines and runs, then take the first 100 for train and the next 100 for test.

The train_test_split() function below will create this split given the loaded set of identifiers as input.

Now, we can load the photo descriptions using the pre-defined set of train or test identifiers.

Below is the function load_clean_descriptions() that loads the cleaned text descriptions from ‘descriptions.txt‘ for a given set of identifiers and returns a dictionary of identifier to text.

The model we will develop will generate a caption given a photo, and the caption will be generated one word at a time. The sequence of previously generated words will be provided as input. Therefore, we will need a “first word” to kick-off the generation process and a ‘last word‘ to signal the end of the caption. We will use the strings ‘startseq‘ and ‘endseq‘ for this purpose.

Next, we can load the photo features for a given dataset.

Below defines a function named load_photo_features() that loads the entire set of photo descriptions, then returns the subset of interest for a given set of photo identifiers. This is not very efficient as the loaded dictionary of all photo features is about 700 Megabytes. Nevertheless, this will get us up and running quickly.

Note, if you have a better approach, share it in the comments below.

We can pause here and test everything developed so far.

The complete code example is listed below.

Running this example first loads the 1,000 photo identifiers in the development dataset. A train and test set is selected and used to filter the set of clean photo descriptions and prepared image features.

We are nearly there.

The description text will need to be encoded to numbers before it can be presented to the model as in input or compared to the model’s predictions.

The first step in encoding the data is to create a consistent mapping from words to unique integer values. Keras provides the Tokenizer class that can learn this mapping from the loaded description data.

Below defines the create_tokenizer() that will fit a Tokenizer given the loaded photo description text.

We can now encode the text.

Each description will be split into words. The model will be provided one word and the photo and generate the next word. Then the first two words of the description will be provided to the model as input with the image to generate the next word. This is how the model will be trained.

For example, the input sequence “little girl running in field” would be split into 6 input-output pairs to train the model:

Later when the model is used to generate descriptions, the generated words will be concatenated and recursively provided as input to generate a caption for an image.

The function below named create_sequences() given the tokenizer, a single clean description, the features for a photo, and the maximum description length will prepare a set of input-output pairs for training a model. Calling this function will return X1 and X2 for the arrays of image data and input sequence data and the y value for the output word.

The input sequences are integer encoded and the output word is one-hot encoded to represent the probability distribution of the expected word across the whole vocabulary of possible words.

2. Fit Model

We are nearly ready to fit the model.

Parts of the model have already been discussed, but let’s re-iterate.

The model is based on the example laid out in the paper “Show and Tell: A Neural Image Caption Generator“, 2015.

The model involves three parts:

  • Photo Feature Extractor. This is a 16-layer VGG model pre-trained on the ImageNet dataset. We have pre-processed the photos with a the VGG model (without the top) and will use the extracted features predicted by this model as input.
  • Sequence Processor. This is a word embedding layer for handling the text input, followed by an LSTM layer. The LSTM output is interpreted by a Dense layer one output at a time.
  • Interpreter (for lack of a better name). Both the feature extractor and sequence processor output a fixed-length vector that is the length of a maximum sequence. These are concatenated together and processed by an LSTM and Dense layer before a final prediction is made.

A conservative number of neurons is used in the base model. Specifically, a 128 Dense layer after the feature extractor, a 50-dimensionality word embedding followed by a 256 unit LSTM and 128 neuron Dense after the sequence processor, and finally a 500 unit LSTM followed by a 500 neuron Dense at the end of the network.

The model predicts a probability distribution across the vocabulary, therefore a softmax activation function is used and a categorical cross entropy loss function is minimized while fitting the network.

The function define_model() defines the baseline model, given the size of the vocabulary and the maximum length of photo descriptions. The Keras functional API is used to define the model as it provides the flexibility needed to define a model that takes two input streams and combines them.

To get a sense for the structure of the model, specifically the shapes of the layers, see the summary listed below.

We also create a plot to visualize the structure of the network that better helps understand the two streams of input.

Plot of the Baseline Captioning Deep Learning Model

Plot of the Baseline Captioning Deep Learning Model

We will train the model using a data generator. This is strictly not required given that the captions and extracted photo features can probably fit into memory as a single dataset. Nevertheless, it is good practice for when you come to train the final model on the entire dataset.

A generator will yield a result when called. In Keras, it will yield a single batch of input-output samples that are used to estimate the error gradient and update the model weights.

The function data_generator() defines the data generator, given a dictionary of loaded photo descriptions, photo features, the tokenizer for integer encoding sequences, and the maximum sequence length in the dataset.

The generator loops forever and keeps yielding batches of input-output pairs when asked. We also have a n_step parameter that allows us to tune how many images worth of input-output pairs to generate for each batch. The average sequence has 10 words, that is 10 input-output pairs, and a good batch size might be 30 samples, which is about 2-to-3 images worth.

The model can be fit by calling fit_generator() and passing it to the data generator, along with all of the parameters needed. When fitting the model, we can also specify the number of batches to run per epoch and the number of epochs.

For these experiments, we will use 2 images per batch, 50 batches (or 100 images) per epoch, and 50 training epochs. You can experiment with different configurations in your own experiments.

3. Evaluate Model

Now that we know how to prepare the data and define a model, we must define a test harness to evaluate a given model.

We will evaluate a model by training it on the dataset, generating descriptions for all photos in the training dataset, evaluating those predictions with a cost function, and then repeating this evaluation process multiple times.

The outcome will be a distribution of skill scores for the model that we can summarize by calculating the mean and standard deviation. This is the preferred way to evaluate deep learning models. See this post:

First, we need to be able to generate a description for a photo using a trained model.

This involves passing in the start description token ‘startseq‘, generating one word, then calling the model recursively with generated words as input until the end of sequence token is reached ‘endseq‘ or the maximum description length is reached.

The function below named generate_desc() implements this behavior and generates a textual description given a trained model, and a given prepared photo as input. It calls the function word_for_id() in order to map an integer prediction back to a word.

We will generate predictions for all photos in the training dataset and in the test dataset.

The function below named evaluate_model() will evaluate a trained model against a given dataset of photo descriptions and photo features. The actual and predicted descriptions are collected and evaluated collectively using the corpus BLEU score that summarizes how close the generated text is to the expected text.

BLEU scores are used in text translation for evaluating translated text against one or more reference translations. We do in fact have access to multiple reference descriptions for each image that we could compare to, but for simplicity, we will use the first description for each photo in the dataset (e.g. the cleaned version).

You can learn more about the BLEU score here:

The NLTK Python library implements the BLEU score calculation in the corpus_bleu() function. A higher score close to 1.0 is better, a score closer to zero is worse.

Finally, all we need to do is define, fit, and evaluate the model multiple times in a loop then report the final average score.

Ideally, we would repeat the experiment 30 times or more, but this will take too long for our small test harness. Instead, will evaluate the model 3 times. It will be faster, but the mean score will have higher variance.

Below defines the model evaluation loop. At the end of the run, the distribution of BLEU scores for the train and test sets are saved to a file.

We parameterize the run as follows, allowing us to name each run and save the result to separate files.

4. Complete Example

The complete example is listed below.

Running the example first prints summary statistics for the loaded training data.

The example should take about 20 minutes on GPU hardware, a little longer on CPU hardware.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

At the end of the run, a mean BLEU of 0.06 is reported on the training set and 0.04 on the test set. Results are stored in baseline1.csv.

This provides a baseline model for comparison to alternate configurations.

“A” versus “A” Test

Before we start testing variations of the model, it is important to get an idea of whether or not the test harness is stable.

That is, whether the summarizing skill of the model over 5 runs is sufficient to control for the stochastic nature of the model.

We can get an idea of this by running the experiment again in what is called an A vs A test in A/B testing land. We would expect to get an equivalent result if we ran the same experiment again; if we don’t, perhaps additional repeats would be required to control for the stochastic nature of the method and on the dataset.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

Below are the results from a second run of the algorithm.

We can see that the run gets a very similar mean and standard deviation BLEU scores. Specifically, a mean BLEU of 0.03 vs 0.06 on train and 0.04 to 0.04 for test.

The harness is a little noisy, but stable enough for comparison.

Is the model any good?

Generate Photo Captions

We expect the model is under-trained and maybe even under provisioned, but can it generate any kind of readable text at all?

It is important that the baseline model have some modicum of capability so that we can relate the BLEU scores of the baseline to an idea of what kind of quality of descriptions are being generated.

Let’s train a single model and generate a few descriptions from the train and test sets as a sanity check.

Change the number of repeats to 1 and the name of the run to ‘baseline_generate‘.

Then update the evaluate_model() function to only evaluate the first 5 photos in the dataset and print the descriptions, as follows.

Re-run the example.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

You should see results for the train set like the following:

You should see results on the test dataset as follows:

We can see that the descriptions are not perfect, some are a little rough, but generally the model is generating somewhat readable text. A good starting point for improvement.

Next, let’s look at some experiments to vary the size or capacity of different sub-models.

Network Size Parameters

In this section, we will see how gross variations to the network structure impact model skill.

We will look at the following aspects of the model size:

  1. Size of the fixed-vector output from the ‘encoders’.
  2. Size of the sequence encoder model.
  3. Size of the language model.

Let’s dive in.

Size of Fixed-Length Vector

In the baseline model, the photo feature extractor and the text sequence encoder both output a 128 element vector. These vectors are then concatenated to be processed by the language model.

The 128 element vector from each sub-model contains everything known about the input sequence and photo. We can vary the size of this vector to see if it impacts model skill

First, we can decrease the size by half from 128 elements to 64 elements.

We will name this model ‘size_sm_fixed_vec‘.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

Running this experiment produces the following BLEU scores, perhaps a small gain over baseline on the test set.

We can also double the size of the fixed-length vector from 128 to 256 units.

We will name this configuration ‘size_lg_fixed_vec‘.

Running this experiment shows BLEU scores suggesting that the model is not better off.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

It is possible that with more data and/or longer training, we may see a different story.

Sequence Encoder Size

We can call the sub-model that interprets the input sequence of words generated so far as the sequence encoder.

First, we can try to see if decreasing the representational capacity of the sequence encoder impacts model skill. We can reduce the number of memory units in the LSTM layer from 256 to 128.

Running this example, we can see perhaps a small bump on both train and test over baseline. This might be an artifact of the small training set size.

Going the other way, we can double the number of LSTM layers from one to two and see if that makes a dramatic difference.

Running this experiment shows a decent bump in BLEU on both train and test sets.

We can also try to increase the representational capacity of the word embedding by doubling it from 50-dimensions to 100-dimensions.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

We see a large movement on the training dataset, but perhaps little movement on the test dataset.

Size of Language Model

We can refer to the model that learns from the concatenated sequence and photo feature input as the language model. It is responsible for generating words.

First, we can look at the impact on model skill by cutting the LSTM and dense layers from 500 to 256 neurons.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

We can see that this has a small positive effect on BLEU for both training and test datasets, again, likely related to the small size of the datasets.

We can also look at the impact of doubling the capacity of the language model by adding a second LSTM layer of the same size.

Again, we see minor movements in BLEU, perhaps an artifact of noise and dataset size. The improvement on the test.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

The improvement on the test dataset may be a good sign. This might be a change worth exploring.

Tuning model size on a much smaller dataset is challenging.

Configuring the Feature Extraction Model

The use of the pre-trained VGG16 model provides some additional points of configuration.

The baseline model removed the top from the VGG model, including a global max pooling layer, which then feeds into an encoding of the features to a 128 element vector.

In this section, we will look at the following modifications to the baseline model:

  1. Using a global average pooling layer after the VGG model.
  2. Not using any global pooling.

Global Average Pooling

We can replace the GlobalMaxPooling2D layer with a GlobalAveragePooling2D to achieve average pooling.

Global average pooling was developed to reduce overfitting for image classification problems, but may offer some benefit in interpreting the features extracted from the image.

For more on global average pooling, see the paper:

The updated define_model() function and experiment name are listed below.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

The results suggest a dramatic improvement on the training dataset, which may be a sign of overfitting. We also see a small lift on test skill. This might be a change worth exploring.

We also see a small lift on test skill. This might be a change worth exploring.

No Pooling

We can remove the GlobalMaxPooling2D and flatten the 3D photo feature and feed it directly into a Dense layer.

I would not expect this to be a good model design, but it is worth testing this assumption.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

Surprisingly, we see a small lift on training data and a large lift on test data. This is surprising (to me) and may be worth further investigation.

We can try repeating this experiment and provide more capacity for interpreting the extracted photo features. A new Dense layer with 500 neurons is added after the Flatten layer.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

This results in a less impressive change and perhaps worse BLEU results on the test dataset.

Word Embedding Models

A key part of the model is the sequence learning model that must interpret the sequence of words generated so far for a photo.

At the input to this sub-model is a word embedding and a good way to improve a word embedding over learning it from scratch as part of the model (as in the baseline model) is to use pre-trained word embeddings.

In this section, we will explore the impact of using a pre-trained word embedding on the model. Specifically:

  1. Training a Word2Vec Model
  2. Training a Word2Vec Model + Fine Tuning

Trained word2vec Embedding

An efficient learning algorithm for pre-training a word embedding from a corpus of text is the word2vec algorithm.

You can learn more about the word2vec algorithm here:

We can use this algorithm to train a new standalone set of word vectors using the cleaned photo descriptions in the dataset.

The Gensim library provides access to an implementation of the algorithm that we can use to pre-train the embedding.

First, we must load the clean photo descriptions for the training dataset, as before.

Next, we can fit the word2vec model on all of the clean descriptions. We should note that this includes more descriptions than the 50 used in the training dataset. A fairer model for these experiments should only be trained on those descriptions in the training dataset.

Once fit, we can save the words and word vectors to an ASCII file, perhaps for later inspection or visualization.

The word embedding is saved to the file ‘custom_embedding.txt‘.

Now, we can load the embedding into memory, retrieve only the word vectors for the words in our vocabulary, then save them to a new file.

The complete example is listed below.

Running this example creates a new dictionary mapping of word-to-word vectors stored in the file ‘word2vec_embedding.pkl‘.

Next, we can load this embedding and use the word vectors as the fixed weights in an Embedding layer.

Below provides the load_embedding() function that loads the custom word2vec embedding and returns the new Embedding layer for use in the model.

We can use it in our model by calling the function directly from our define_model() function.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

We can see some lift on the training dataset, perhaps no real notable change on the test dataset.

Trained word2vec Embedding with Fine Tuning

We can repeat the previous experiment and allow the model to tune the word vectors while fitting the model.

The updated load_embedding() function that permits the embedding layer to be fine-tuned is listed below.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

Again, we do not see much difference in using these pre-trained word embedding vectors over the baseline model.

Analysis of Results

We have performed a few experiments on a very small sample (1.6%) from the Flickr8k training dataset of 8,000 photos.

It is possible that the sample is too small, that the models were not trained for long enough, and that 3 repeats of each model results in too much variance. These aspects can also be tested by evaluated by designing experiments such as:

  1. Does model skill scale with the size of the dataset?
  2. Do more epochs result in better skill?
  3. Do more repeats result in a skill with less variance?

Nevertheless, we have some ideas on how we might configure a model for the fuller dataset.

Below is a summary of the mean results from the experiments performed in this tutorial.

It is helpful to review a graph of the results. If we had more repeats, a box and whisker plot for each distribution of scores might be a good visualization. Here we use a simple bar graph. Remember, that larger BLEU scores are better.

Results on the training dataset:

Bar Chart of Experiment vs Model Skill on the Training Dataset

Bar Chart of Experiment vs Model Skill on the Training Dataset

Results on the test dataset:

Bar Chart of Experiment vs Model Skill on the Test Dataset

Bar Chart of Experiment vs Model Skill on the Test Dataset

From just looking at the mean results on the test dataset, we can suggest:

  • Perhaps pooling is not required after the photo feature extractor (fe_flat at 0.135231).
  • Perhaps average pooling offers an advantage over max pooling after the photo feature extractor (fe_avg_pool at 0.060847).
  • Perhaps a smaller sized fixed-length vector after the sub-models is a good idea (size_sm_fixed_vec at 0.063148).
  • Perhaps adding more layers to the language model offers some benefit (size_lg_lang_model at 0.067658).
  • Perhaps adding more layers to the sequence model offers some benefit (size_lg_seq_model at 0.09697).

I would also recommend exploring combinations of these suggestions.

We can also review the distribution of results.

Below is some code to load the saved results from each experiment and create a box-and-whisker plot of results on the train and test sets for review.

Distribution of results on the training dataset.

Box and Whisker Plot of Experiment vs Model Skill on the Training Dataset

Box and Whisker Plot of Experiment vs Model Skill on the Training Dataset

Distribution of results on the test dataset.

Box and Whisker Plot of Experiment vs Model Skill on the Test Dataset

Box and Whisker Plot of Experiment vs Model Skill on the Test Dataset

A review of these distributions suggests:

  • The spread on the flat results is large; perhaps going with average pooling might be safer.
  • The spread on the larger language model is large and skewed in the wrong/risky direction.
  • The spread on the larger sequence model is large and skewed in the right direction.
  • There may be some benefit in a smaller fixed-length vector size.

I would expect increasing repeats to 5, 10, or 30 would tighten up these distributions somewhat.

Further Reading

This section provides more resources on the topic if you are looking go deeper.

Papers

Related Captioning Projects

Other

API

Summary

In this tutorial, you discovered how you can use a small sample of the photo captioning dataset to explore different model designs.

Specifically, you learned:

  • How to prepare data for photo captioning modeling.
  • How to design a baseline and test harness to evaluate the skill of models and control for their stochastic nature.
  • How to evaluate properties like model skill, feature extraction model, and word embeddings in order to lift model skill.

What experiments can you think up?
What else have you tried?
What are the best results you can get on the train and test dataset?

Let me know in the comments below.

Develop Deep Learning models for Text Data Today!

Deep Learning for Natural Language Processing

Develop Your Own Text models in Minutes

...with just a few lines of python code

Discover how in my new Ebook:
Deep Learning for Natural Language Processing

It provides self-study tutorials on topics like:
Bag-of-Words, Word Embedding, Language Models, Caption Generation, Text Translation and much more...

Finally Bring Deep Learning to your Natural Language Processing Projects

Skip the Academics. Just Results.

See What's Inside

85 Responses to How to Use Small Experiments to Develop a Caption Generation Model in Keras

  1. Avatar
    Emil November 24, 2017 at 6:39 am #

    Hats off, another ace tutorial!

    I’m curious how the TimeDistributed layer impacts the data before the concatenation. Is it possible to skip it? Also, is there a reason you are using VGG instead of the InceptionResNetV2 class other than memory/compute constraints.

    Thanks!

    • Avatar
      Jason Brownlee November 24, 2017 at 9:52 am #

      I chose VGG because it is smaller and simpler. You can use anything you wish.

      You can skip the TimeDistributed as Dense can support time steps now I believe. I like it in there as it reminds me what is going on (e.g. outputting time steps).

  2. Avatar
    Alex November 24, 2017 at 6:16 pm #

    Ho jason, why don t you reset the LSTM states between the inputs related to different images? Ad they are not related to the same sequences.

    • Avatar
      Jason Brownlee November 25, 2017 at 10:14 am #

      For speed of training.

      It’s a great suggestion though, try it and see if it lifts skill! Let me know how you go.

      • Avatar
        Alex November 28, 2017 at 1:39 am #

        Thanks! In order to try this way, should I set stateful=True (avoiding the LSTM to reset itself automatically) and manually run model.reset_states() before training a single batch? (each batch is related to the sequence of a single image).

  3. Avatar
    Emil December 13, 2017 at 12:10 am #

    What’s the logic of the +1 when you are creating the vocab len: “vocab_size = len(tokenizer.word_index) + 1”? Is it to leave remove for the 0?

    Thanks

    • Avatar
      Jason Brownlee December 13, 2017 at 5:39 am #

      Good question, to make space for 0 – words in the vocab start at 1.

      • Avatar
        Yang Cheng March 12, 2018 at 8:50 pm #

        Does it mean we leave index 0 for ‘endseq’ token?

        • Avatar
          Jason Brownlee March 13, 2018 at 6:27 am #

          No, the start and end tokens are legit parts of the problem. The model must specify when the sequence has ended.

  4. Avatar
    xiaolian December 23, 2017 at 1:54 am #

    i got a error : Error when checking input: expected input_11 to have 4 dimensions, but got array with shape (28, 4096)

    • Avatar
      Jason Brownlee December 23, 2017 at 5:21 am #

      Are you able to confirm that your libraries are up to date and that you copied all of the code from the post?

    • Avatar
      Nadeem June 29, 2020 at 6:13 pm #

      This happens to me as well. But this is when I try to use the pretrained word2vec with the initially defined data generator etc code. I am trying to see what modifications would allow the pretrained word2vec to run

  5. Avatar
    xiaolian December 23, 2017 at 1:40 pm #

    can i get the code in github?

    • Avatar
      Jason Brownlee December 24, 2017 at 4:51 am #

      The code is on the post, why do you need it on github?

  6. Avatar
    Niels February 24, 2018 at 12:41 am #

    Hello Jason.

    Thank you very much for your article.
    I have a practical question regarding training an encoder decoder network.
    So basically I have images of serial numbers and I want to predict the full serial number. (E.G 018F6176)
    So if I train a network to predict the next character I would practically have to create a for loop predicting untill I reach max length or the stop word.
    This I get. However how can i structure my data?
    What I have is the following
    data is a numpy float array of shape (nb_samples width, height, nb_channels=3,).
    labels is a numpy integer array of shape (nb_samples, max_caption_len)
    So if I were to construct a similar dataset with the structure you get from create_sequences() my number of samples would increase and how do I ensure that images are loaded so as the sequence for each images comes in the correct order(or does that matter?)
    Hopefully this makes sense to you.
    Best regards
    Niels

    • Avatar
      Jason Brownlee February 24, 2018 at 9:17 am #

      Great question.

      The caption model is the approach you want to use I believe.

      See this post, specifically the section titled “ord-By-Word Model”:
      https://machinelearningmastery.com/prepare-photo-caption-dataset-training-deep-learning-model/

      It will show you exactly how to prepare your data and how to think about it.

      • Avatar
        Niels February 26, 2018 at 8:01 pm #

        Thank you. This is exactly what I was looking for. One question though. Does the order of input matter, so let’s say all samples for image 1 comes in order, all samples for image 2 next etc.
        Because then I would have to create a batch generator, however I would like to avoid that.
        My initial thought is it doesn’t really matter since you are just training the algorithm to recognize what comes next regarding previous input. Is that a correct assumption?
        Best Regards
        Niels

        • Avatar
          Jason Brownlee February 27, 2018 at 6:25 am #

          I think so, I think all samples for a give photo should be together by intuition (LSTMs have memory across the batch), but testing all assumptions is a good idea.

          • Avatar
            Niels February 27, 2018 at 9:27 pm #

            Okay. I created a model both with the data_generator and randomly splitting in train,test(image order scrambled). The tran, test model did not seem to converge(max 17% validation accuracy). However the data_generator model(where order is preserved) reaches 99.5% validation accuracy , so that’s pretty awesome.
            Thank you for your time ????

          • Avatar
            Jason Brownlee February 28, 2018 at 6:03 am #

            Very nice. Thanks for running the experiment!

  7. Avatar
    Binay March 7, 2018 at 12:18 pm #

    Why and How the dimension of input_1 is (7, 7, 512)

    • Avatar
      Jason Brownlee March 7, 2018 at 3:06 pm #

      That is the shape that we saved the extracted features from the photos.

  8. Avatar
    Steven March 23, 2018 at 9:03 pm #

    Thanks for your tutorials, Jason. I can run this tutorial in contrary with the tutorial on the same dataset https://machinelearningmastery.com/develop-a-deep-learning-caption-generation-model-in-python/ where memory errors occur.
    I compared both examples and found that the feature extraction of the images is different. This example the features are a 3-dimensional array with the shape (7, 7, 512) the other example the result is a 1-dimensional 4,096 element vector. The features.pkl file of this experiment is much larger compared to the other example. What is the reason of the different shape of the features?

    • Avatar
      Jason Brownlee March 24, 2018 at 6:29 am #

      Perhaps the VGG model is cut at different points? e.g. keeping the dense or discarding it and working with the CNN outputs. I don’t recall, but a comparison of the code would make it clearer.

  9. Avatar
    Ashish March 28, 2018 at 4:56 pm #

    Thanks for the tutorial, Jason. Here you are using features from a pretrained cnn model. But I want to backpropagate the error through the cnn as well and hence jointly train the cnn and lstm. i.e. load the cnn through a pretrained model and than train it further. Can you suggest a way to do that? Thanks.

    • Avatar
      Jason Brownlee March 29, 2018 at 6:31 am #

      Yes, you can load the CNN as part of your in memory model.

  10. Avatar
    Vector April 7, 2018 at 3:09 pm #

    Hello Jason,

    Thanks for this great posts and the one in here (https://machinelearningmastery.com/develop-a-deep-learning-caption-generation-model-in-python/)!!

    I was trying to run the example you posted in here.I was able to train using different learning rate and more epoch on your “average pooling” model and saved them in a .h5 file.

    However when I try to use the code in (https://machinelearningmastery.com/develop-a-deep-learning-caption-generation-model-in-python/) to Generate New Captions with the “Average Model” I trained, I got this error:
    ValueError: Error when checking : expected input_1 to have 4 dimensions, but got array with shape (1, 4096)

    Just wonder do you know how to use this .h5 file i just trained to make prediction on one other photo? Thanks!!

    • Avatar
      Jason Brownlee April 8, 2018 at 6:14 am #

      It looks like your photo features might have too many dimensions. Change your code to provide the photo pixels directly. e.g.: photo[0]

  11. Avatar
    Md. Zakir Hossain May 25, 2018 at 6:46 pm #

    Hai Jason,
    that’s a great post. Really it is very helpful for me. However, I get the following error:

    File “”, line 1, in
    runfile(‘C:/Users/33083707/Codes/Projects/Final.py’, wdir=’C:/Users/33083707/Codes/Projects’)

    File “C:\Users\33083707\Anaconda3\lib\site-packages\spyder\utils\site\sitecustomize.py”, line 866, in runfile
    execfile(filename, namespace)

    File “C:\Users\33083707\Anaconda3\lib\site-packages\spyder\utils\site\sitecustomize.py”, line 102, in execfile
    exec(compile(f.read(), filename, ‘exec’), namespace)

    File “C:/Users/33083707/Codes/Projects/Final.py”, line 244, in
    test_score = evaluate_model(model, test_descriptions, test_features, tokenizer, max_length)

    File “C:/Users/33083707/Codes/Projects/Final.py”, line 202, in evaluate_model
    bleu = corpus_bleu(actual, predicted)

    File “C:\Users\33083707\Anaconda3\lib\site-packages\nltk\translate\bleu_score.py”, line 146, in corpus_bleu
    p_i = modified_precision(references, hypothesis, i)

    File “C:\Users\33083707\Anaconda3\lib\site-packages\nltk\translate\bleu_score.py”, line 287, in modified_precision
    return Fraction(numerator, denominator, _normalize=False)

    File “C:\Users\33083707\Anaconda3\lib\fractions.py”, line 186, in __new__
    raise ZeroDivisionError(‘Fraction(%s, 0)’ % numerator)

    ZeroDivisionError: Fraction(0, 0)

  12. Avatar
    Mhemmed Elly June 29, 2018 at 9:29 pm #

    Hello Dr. Jason,

    I want to try this on my own data, but I don’t know how to prepare it. I have a folder of images and a CSV file. Each line in the csv file contains an image ID/name and a caption that describes the image. Any advice on how to proceed?

    Thank you

    • Avatar
      Jason Brownlee June 30, 2018 at 6:07 am #

      Start by writing code to load the images into memory.

      Perhaps you can use PIL or Pillo to load the images?

  13. Avatar
    Jeet Sen Sarma July 6, 2018 at 6:53 pm #

    in the following part of the code :

    # run experiment
    train_results, test_results = list(), list()
    for i in range(n_repeats):
    # define the model
    model = define_model(vocab_size, max_length)
    # fit model
    model.fit_generator(data_generator(train_descriptions, train_features, tokenizer, max_length, n_photos_per_update), steps_per_epoch=n_batches_per_epoch, epochs=n_epochs, verbose=verbose)
    # evaluate model on training data
    train_score = evaluate_model(model, train_descriptions, train_features, tokenizer, max_length)
    test_score = evaluate_model(model, test_descriptions, test_features, tokenizer, max_length)
    # store
    train_results.append(train_score)
    test_results.append(test_score)
    print(‘>%d: train=%f test=%f’ % ((i+1), train_score, test_score))

    why are you defining the model within the for loop ? shouldn’t it be defined outside of it ?

    • Avatar
      Jason Brownlee July 7, 2018 at 6:13 am #

      Nope, I want a new model (random weights) for each repeat.

      Why would I define outside the loop?

      • Avatar
        Jeet July 9, 2018 at 2:47 pm #

        Could you please explain why is that? I think that a model has to be defined, and the weights are to be trained by learning from examples. But defining a new model everytime would delete the previously learned weights. Where am I going wrong?

  14. Avatar
    Md. Zakir Hossain July 9, 2018 at 6:13 pm #

    Hi Jason, Thank you very much.

    I tried to use DenseNet-121 model instead of VGG16 model to extract the features. But I got an error like:

    ValueError: Error when checking input: expected input_1 to have 4 dimensions, but got array with shape (21, 1024).

    Can you please suggest me anything about this.

    • Avatar
      Jeet July 10, 2018 at 4:26 am #

      This is because both the CNN models have different output dimensions of their last layer from where you are pulling the features for your images. Best guess is to convert the output dimension of your DenseNet model into the same dimension of that of VGG-16.
      Also, if you use Flatten() instead of GlobalMaxPooling2D() then I guess you will not face the same problem.

    • Avatar
      Jason Brownlee July 10, 2018 at 6:44 am #

      Not really, I don’t know about the things you are trying.

  15. Avatar
    Omnia October 24, 2018 at 8:25 am #

    Hi Jason

    Thanks for the wonderful tutorial as always

    I got this result on 70 epochs and 3 repeats
    it seems that the accuracy increases when we have a large number of epochs

    but I don’t understand why I got the train and test = 0

    this is my result

    Epoch 70/70
    – 14s – loss: 1.8873 – acc: 0.4100
    Actual: startseq child and woman are at waters edge in big city endseq
    Predicted: startseq child woman are edge edge in big endseq

    Actual: startseq boy with stick kneeling in front of goalie net endseq
    Predicted: startseq boy boy in in front and and and of of of of of in front and of of in front boy front and of of

    Actual: startseq woman crouches near three dogs in field endseq
    Predicted: startseq two dog dogs in near near near near near near near near near near near near near near near near near near near near near

    Actual: startseq boy bites hard into treat while he sits outside endseq
    Predicted: startseq boy bites sits while while outside endseq

    Actual: startseq person eats takeout while watching small television endseq
    Predicted: startseq person eats while takeout small small television endseq

    Actual: startseq couple with young child wrapped in blanket sitting on concrete step endseq
    Predicted: startseq boy girls in in in bike endseq

    Actual: startseq adults and children stand and play in front of steps near wooded area endseq
    Predicted: startseq boy and young boy and and and and and and and and and and and and and and and and and and and and and

    Actual: startseq boy in grey pajamas is jumping on the couch endseq
    Predicted: startseq boy man into if rough endseq

    Actual: startseq boy holding kitchen utensils and making threatening face endseq
    Predicted: startseq girl holds shorts shorts shorts with down her endseq

    Actual: startseq man in green hat is someplace up high endseq
    Predicted: startseq boy in with with waves endseq

    >3: train=0.000000 test=0.000000
    train test
    count 3.000000e+00 3.000000e+00
    mean 6.038250e-02 4.013559e-155
    std 1.045856e-01 2.160777e-156
    min 2.413005e-78 3.808820e-155
    25% 2.799294e-78 3.900627e-155
    50% 3.185584e-78 3.992435e-155
    75% 9.057374e-02 4.115929e-155
    max 1.811475e-01 4.239423e-155

    Also, I got this warning

    UserWarning:
    The hypothesis contains 0 counts of 3-gram overlaps.
    Therefore the BLEU score evaluates to 0, independently of
    how many N-gram overlaps of lower order it contains.
    Consider using lower n-gram order or use SmoothingFunction()
    warnings.warn(_msg)

    would you mind giving your opinion on my experiment and suggesting a better solution for the warning?

    Thanks

  16. Avatar
    janarddan sarkar March 11, 2019 at 11:21 pm #

    what is the highest accuracy that has been achieved for a image captioning model?

    • Avatar
      Jason Brownlee March 12, 2019 at 6:53 am #

      We don’t measure accuracy, instead we measure perplexity or bleu scores.

      The best score will depend on the specific benchmark dataset used.

  17. Avatar
    nehna March 15, 2019 at 12:57 pm #

    hi jason .. your posts are good .
    but i am not able to get accuracy above 0.3.
    I tried increasing epochs also. but no change in accuracy.
    can you please help in increase accuracy to atleast 0.7 or 0.8

  18. Avatar
    Artem April 6, 2019 at 3:12 pm #

    Hi Jason! I can’t download dataset. Framing_Image_Description. 404 Not Found

    • Avatar
      Jason Brownlee April 7, 2019 at 5:27 am #

      Thanks, I have added a direct link to the dataset.

  19. Avatar
    Ankit Rathi July 11, 2019 at 8:29 pm #

    Hi Sir, I have seen your blog “How to Develop a Deep Learning Photo Caption Generator from Scratch”. In that tutorial you have not used RepeatVector and TimeDistributed function. In this tutorial you used both function. As I am new in Deep learning. Can you please help me out by explaining the use of RepeatVector and TimeDistributed function. What if we did not applied this function, will it affect our model performance ?

    Thanks,

    Ankit

    • Avatar
      Jason Brownlee July 12, 2019 at 8:36 am #

      You can choose any model architecture you wish. There is no one best model.

      Perhaps one the one from the other post or one of your own devising, or test both and see what works best for you?

  20. Avatar
    abbas August 26, 2019 at 4:28 pm #

    great tutorial jason! i would ask one thing about CNN? what Window size has been used by the CNN in the tutorial?

  21. Avatar
    abbas August 26, 2019 at 4:51 pm #

    my pyplot library is not working properly.please provide a detailed tutorial about installing and setup of pyplot library in python as well.thanks in advance

    • Avatar
      Jason Brownlee August 27, 2019 at 6:35 am #

      Perhaps just comment put the plot_model lines for now?

      • Avatar
        abbas September 2, 2019 at 10:22 pm #

        what does n_repeats = 3 means? i mean to say what if i pass the n_repeats = 1? what will be the difference of passing two different repeats?

        • Avatar
          Jason Brownlee September 3, 2019 at 6:16 am #

          The number of times that the experiment is repeated from which the results are averaged.

          More repeats will give a better idea of the expected performance of the method.

          • Avatar
            abbas September 22, 2019 at 5:25 pm #

            can the change of CNN architecture can improve BLUE scores??
            secondly how can i interpret these results??please give in depth overview..which scores should be high for better model performances
            >3: train=0.000000 test=0.000000
            train test
            count 3.000000e+00 3.000000e+00
            mean 1.219064e-78 3.030008e-155
            std 2.247343e-79 8.613845e-156
            min 1.078167e-78 2.152162e-155
            25% 1.089478e-78 2.608047e-155
            50% 1.100788e-78 3.063932e-155
            75% 1.289512e-78 3.468930e-155
            max 1.478235e-78 3.873929e-155

          • Avatar
            Jason Brownlee September 23, 2019 at 6:36 am #

            Perhaps try some changes and compare the results?

          • Avatar
            abbas October 3, 2019 at 1:31 pm #

            Jason i have some questions in my mind .Please make it a bit clear.
            In the “Size of fixed length Vector” part of the tutorial.
            fe2 = Dense(64/128/256, activation=’relu’)(fe1)
            1)What does 64/128/256 is representing ?Is it photo features vectors or something else?
            2)how and why we can increase or decrease a vector of features?
            3)the output in this case of VGG16 is 4096 dimensional vector..then where we are giving that (image)feature as input to the model?
            3)why we are taking the multiples of 64? why we can’t take randomly ?

          • Avatar
            Jason Brownlee October 4, 2019 at 5:37 am #

            It is the number of nodes in the layer.

            What do you mean by increase/decrease vector of features? Do you mean the length of the feature vector of the photo? If so, perhaps test using different pre-trained models.

            The feature vector is X1, perhaps re-read the tutorial?

            Multiples of 64 is common for nodes in the model, no good reason.

  22. Avatar
    abbas October 4, 2019 at 6:40 pm #

    so ,can we change thr number of nodes in vgg16?if yes then explain in which layer of vgg16 the nodes are changing??

  23. Avatar
    abbas October 10, 2019 at 2:20 am #

    how can i let it know that my training is the right one??i mean to say that how can i confirm that my model is learning well..

    • Avatar
      Jason Brownlee October 10, 2019 at 7:01 am #

      Evaluate it using a robust test harness, like k-fold cross validation.

      Or a large train/test split.

      • Avatar
        abbas October 10, 2019 at 11:18 pm #

        how can i use k-fold cross validation?do you have any tutorial so i can get idea from that

          • Avatar
            abbas October 11, 2019 at 2:01 pm #

            my blue scores on test dataset is resulting low value that approaches to zero.What mistakes i am doing in my training? my mean train is 0.194386 while my test mean score is 0.01468624

          • Avatar
            Jason Brownlee October 12, 2019 at 6:45 am #

            Perhaps your model is overfitting the training dataset?

            Perhaps try a smaller learning rate or stop training sooner or similar?

  24. Avatar
    abbas October 29, 2019 at 12:46 am #

    how can i update the current code of the tutorial so that i can make K-folds(cross validation) of my dataset and then evaluate the performance of my model on that base(so that to ensure low or no bias)

    • Avatar
      Jason Brownlee October 29, 2019 at 5:27 am #

      Perhaps this will help:
      https://machinelearningmastery.com/k-fold-cross-validation/

      • Avatar
        abbas November 8, 2019 at 1:28 pm #

        In the previous post you have taken one-dimensional image features of shape 4096,while in this post you are taking 3-dimensional image features of shape (7,7,512)…why??? whats the difference in these two different features? are these both are VGG features but both of different layers???

        • Avatar
          Jason Brownlee November 8, 2019 at 1:51 pm #

          The linked post introduces k-fold cross-validation in the most general sense.

          • Avatar
            abbas November 10, 2019 at 2:31 pm #

            please check my question once again..i am asking about image deatures dimension…not about k-fold

  25. Avatar
    Jun March 17, 2020 at 5:10 pm #

    Hello Jason,

    When I apply your code, this part:

    I get “NotImplementedError: Cannot convert a symbolic Tensor (args_2:0) to a numpy array.”

    I am not sure how to solve the problem. Would you help me solve it?

    Thank you.

Leave a Reply