Skip to content

batra-mlp-lab/visdial

Repository files navigation

VisDial

Code for the paper

Visual Dialog
Abhishek Das, Satwik Kottur, Khushi Gupta, Avi Singh, Deshraj Yadav, José M. F. Moura, Devi Parikh, Dhruv Batra
arxiv.org/abs/1611.08669
CVPR 2017 (Spotlight)

Visual Dialog requires an AI agent to hold a meaningful dialog with humans in natural, conversational language about visual content. Given an image, dialog history, and a follow-up question about the image, the AI agent has to answer the question.

Demo: demo.visualdialog.org

This repository contains code for training, evaluating and visualizing results for all combinations of encoder-decoder architectures described in the paper. Specifically, we have 3 encoders: Late Fusion (LF), Hierarchical Recurrent Encoder (HRE), Memory Network (MN), and 2 kinds of decoding: Generative (G) and Discriminative (D).

models

If you find this code useful, consider citing our work:

@inproceedings{visdial,
  title={{V}isual {D}ialog},
  author={Abhishek Das and Satwik Kottur and Khushi Gupta and Avi Singh
    and Deshraj Yadav and Jos\'e M.F. Moura and Devi Parikh and Dhruv Batra},
  booktitle={Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition},
  year={2017}
}

Setup

All our code is implemented in Torch (Lua). Installation instructions are as follows:

git clone https://github.com/torch/distro.git ~/torch --recursive
cd ~/torch; bash install-deps;
TORCH_LUA_VERSION=LUA51 ./install.sh

Additionally, our code uses the following packages: torch/torch7, torch/nn, torch/nngraph, Element-Research/rnn, torch/image, lua-cjson, loadcaffe, torch-hdf5. After Torch is installed, these can be installed/updated using:

luarocks install torch
luarocks install nn
luarocks install nngraph
luarocks install image
luarocks install lua-cjson
luarocks install loadcaffe
luarocks install luabitop
luarocks install totem

NOTE: luarocks install rnn defaults to torch/rnn, follow these steps to install Element-Research/rnn.

git clone https://github.com/Element-Research/rnn.git
cd rnn
luarocks make rocks/rnn-scm-1.rockspec

Installation instructions for torch-hdf5 are given here.

NOTE: torch-hdf5 does not work with few versions of gcc. It is recommended that you use gcc 4.8 / gcc 4.9 with Lua 5.1 for proper installation of torch-hdf5.

Running on GPUs

Although our code should work on CPUs, it is highly recommended to use GPU acceleration with CUDA. You'll also need torch/cutorch, torch/cudnn and torch/cunn.

luarocks install cutorch
luarocks install cunn
luarocks install cudnn

Training your own network

Preprocessing VisDial

The preprocessing script is in Python, and you'll need to install NLTK.

pip install nltk
pip install numpy
pip install h5py
python -c "import nltk; nltk.download('all')"

VisDial v1.0 dataset can be downloaded and preprocessed as specified below. The path provided as -image_root must have four subdirectories - train2014 and val2014 as per COCO dataset, VisualDialog_val2018 and VisualDialog_test2018 which can be downloaded from here.

cd data
python prepro.py -download -image_root /path/to/images
cd ..

To download and preprocess Visdial v0.9 dataset, provide an extra -version 0.9 argument while execution.

This script will generate the files data/visdial_data.h5 (contains tokenized captions, questions, answers, image indices) and data/visdial_params.json (contains vocabulary mappings and COCO image ids).

Extracting image features

Since we don't finetune the CNN, training is significantly faster if image features are pre-extracted. Currently this repository provides support for extraction from VGG-16 and ResNets. We use image features from VGG-16. The VGG-16 model can be downloaded and features extracted using:

sh scripts/download_model.sh vgg 16  # works for 19 as well
cd data
# For all models except mn-att-ques-im-hist
th prepro_img_vgg16.lua -imageRoot /path/to/images -gpuid 0
# For mn-att-ques-im-hist
th prepro_img_vgg16.lua -imageRoot /path/to/images -imgSize 448 -layerName pool5 -gpuid 0

Similarly, ResNet models released by Facebook can be used for feature extraction. Feature extraction can be carried out in a similar manner as VGG-16:

sh scripts/download_model.sh resnet 200  # works for 18, 34, 50, 101, 152 as well
cd data
th prepro_img_resnet.lua -imageRoot /path/to/images -cnnModel /path/to/t7/model -gpuid 0

Running either of these should generate data/data_img.h5 containing features for train, val and test splits corresponding to VisDial v1.0.

Training

Finally, we can get to training models! All supported encoders are in the encoders/ folder (lf-ques, lf-ques-im, lf-ques-hist, lf-ques-im-hist, hre-ques-hist, hre-ques-im-hist, hrea-ques-im-hist, mn-ques-hist, mn-ques-im-hist, mn-att-ques-im-hist), and decoders in the decoders/ folder (gen and disc).

Generative (gen) decoding tries to maximize likelihood of ground-truth response and only has access to single input-output pairs of dialog, while discriminative (disc) decoding makes use of 100 candidate option responses provided for every round of dialog, and maximizes likelihood of correct option.

Encoders and decoders can be arbitrarily plugged together. For example, to train an HRE model with question and history information only (no images), and generative decoding:

th train.lua -encoder hre-ques-hist -decoder gen -gpuid 0

Similarly, to train a Memory Network model with question, image and history information, and discriminative decoding:

th train.lua -encoder mn-ques-im-hist -decoder disc -gpuid 0

Note: For attention based encoders, set both imgSpatialSize and imgFeatureSize command line params, feature dimensions are interpreted as (batch X spatial X spatial X feature). For other encoders, imgSpatialSize is redundant.

The training script saves model snapshots at regular intervals in the checkpoints/ folder.

It takes about 15-20 epochs to train models with generative decoding to convergence, and 4-8 epochs for discriminative decoding.

Evaluation

We evaluate model performance by where it ranks human response given 100 response options for every round of dialog, based on retrieval metrics — mean reciprocal rank, R@1, R@5, R@10, mean rank.

Model evaluation can be run using:

th evaluate.lua -loadPath checkpoints/model.t7 -gpuid 0

Note that evaluation requires image features data/data_img.h5, tokenized dialogs data/visdial_data.h5 and vocabulary mappings data/visdial_params.json.

Running Beam Search & Visualizing Results

We also include code for running beam search on your model snapshots. This gives significantly nicer results than argmax decoding, and can be run as follows:

th generate.lua -loadPath checkpoints/model.t7 -maxThreads 50

This would compute predictions for 50 threads from the val split and save results in vis/results/results.json.

cd vis
# python 3.6
python -m http.server
# python 2.7
# python -m SimpleHTTPServer

Now visit localhost:8000 in your browser to see generated results.

Sample results from HRE-QIH-G available here.

Download Extracted Features & Pretrained Models

v0.9

Extracted features for v0.9 train and val are available for download.

Pretrained models

Trained on v0.9 train, results on v0.9 val.

EncoderDecoderCNNMRRR@1R@5R@10MRDownload
lf-quesgenVGG-160.50480.39740.60670.664917.8003lf-ques-gen-vgg16-18
lf-ques-histgenVGG-160.50990.40120.61550.674017.3974lf-ques-hist-gen-vgg16-18
lf-ques-imgenVGG-160.52060.42060.61650.676017.0578lf-ques-im-gen-vgg16-22
lf-ques-im-histgenVGG-160.51460.40860.62050.682816.7553lf-ques-im-hist-gen-vgg16-26
lf-att-ques-im-histgenVGG-160.53540.43540.63550.694116.7663lf-att-ques-im-hist-gen-vgg16-80
hre-ques-histgenVGG-160.50890.40000.61540.673917.3618hre-ques-hist-gen-vgg16-18
hre-ques-im-histgenVGG-160.52370.42230.62280.681116.9669hre-ques-im-hist-gen-vgg16-14
hrea-ques-im-histgenVGG-160.52380.42130.62440.684216.6044hrea-ques-im-hist-gen-vgg16-24
mn-ques-histgenVGG-160.51310.40570.61760.677017.6253mn-ques-hist-gen-vgg16-102
mn-ques-im-histgenVGG-160.52580.42290.62740.687416.9871mn-ques-im-hist-gen-vgg16-78
mn-att-ques-im-histgenVGG-160.53410.43540.63180.690317.0726mn-att-ques-im-hist-gen-vgg16-100
lf-quesdiscVGG-160.54910.41130.70200.79647.1519lf-ques-disc-vgg16-10
lf-ques-histdiscVGG-160.57240.43190.73080.82516.2847lf-ques-hist-disc-vgg16-8
lf-ques-imdiscVGG-160.57450.43310.73980.83405.9801lf-ques-im-disc-vgg16-12
lf-ques-im-histdiscVGG-160.59110.44900.75630.84935.5493lf-ques-im-hist-disc-vgg16-8
lf-att-ques-im-histdiscVGG-160.60790.46920.77310.86355.1965lf-att-ques-im-hist-disc-vgg16-20
hre-ques-histdiscVGG-160.56680.42650.72450.82076.3701hre-ques-hist-disc-vgg16-4
hre-ques-im-histdiscVGG-160.58180.44610.73730.83425.9647hre-ques-im-hist-disc-vgg16-4
hrea-ques-im-histdiscVGG-160.58210.44560.73780.83415.9646hrea-ques-im-hist-disc-vgg16-4
mn-ques-histdiscVGG-160.58310.43880.75070.84345.8090mn-ques-hist-disc-vgg16-20
mn-ques-im-histdiscVGG-160.59710.45620.76270.85395.4218mn-ques-im-hist-disc-vgg16-12
mn-att-ques-im-histdiscVGG-160.60820.47000.77240.86235.2930mn-att-ques-im-hist-disc-vgg16-28

v1.0

Extracted features for v1.0 train, val and test are available for download.

Pretrained models

Trained on v1.0 train + v1.0 val, results on v1.0 test-std. Leaderboard here.

EncoderDecoderCNNNDCGMRRR@1R@5R@10MRDownload
lf-ques-im-histgenVGG-160.51210.456835.0855.9264.0218.8140lf-ques-im-hist-gen-vgg16-24
hre-ques-im-histgenVGG-160.52450.456134.7856.1863.7218.7778hre-ques-im-hist-gen-vgg16-20
mn-ques-im-histgenVGG-160.52800.458035.0556.3563.9219.3128mn-ques-im-hist-gen-vgg16-92
lf-att-ques-im-histgenVGG-160.53620.469736.5857.4064.4818.9550lf-att-ques-im-hist-gen-vgg16-82
mn-att-ques-im-histgenVGG-160.53670.465036.0056.8064.2519.3470mn-att-ques-im-hist-gen-vgg16-100
lf-ques-im-histdiscVGG-160.45310.554240.9572.4582.835.9532lf-ques-im-hist-disc-vgg16-8
hre-ques-im-histdiscVGG-160.45460.541639.9370.4581.506.4082hre-ques-im-hist-disc-vgg16-4
mn-ques-im-histdiscVGG-160.47500.554940.9872.3083.305.9245mn-ques-im-hist-disc-vgg16-12
lf-att-ques-im-histdiscVGG-160.49760.570742.0874.8285.055.4092lf-att-ques-im-hist-disc-vgg16-24
mn-att-ques-im-histdiscVGG-160.49580.569042.4274.0084.355.5852mn-att-ques-im-hist-disc-vgg16-24

License

BSD