From 1b783a993a6944dac6b338a7086d4b17bd07d068 Mon Sep 17 00:00:00 2001 From: Sanjay Subramanian Date: Tue, 6 Jun 2023 17:51:13 +0000 Subject: [PATCH] Initial commit --- README.md | 320 +---- README_lavis.md | 312 +++++ covr_examples50.json | 1 + covr_programs_and_questions50b.json | 1 + covr_programs_and_questions50b_find.json | 1 + gqa_examples50.json | 1 + gqa_preamble_simple.py | 19 + gqa_programs_and_questions_nocomments3b.json | 1 + .../datasets/covr/nlvr2_incontext50.yaml | 30 + lavis/configs/datasets/covr/nlvr2_test.yaml | 30 + .../datasets/covr/nlvr2_train2000.yaml | 30 + lavis/configs/datasets/covr/sample1000.yaml | 30 + lavis/configs/datasets/covr/test.yaml | 30 + .../datasets/covr/test_paraphrased.yaml | 30 + lavis/configs/datasets/covr/testdev.yaml | 30 + .../datasets/covr/testdev_paraphrased.yaml | 30 + lavis/configs/datasets/gqa/sample200.yaml | 33 + lavis/configs/datasets/gqa/sample2000.yaml | 33 + lavis/configs/default.yaml | 4 +- .../configs/models/pnp-vqa/pnp_vqa_gpt3.yaml | 63 + lavis/datasets/builders/vqa_builder.py | 66 +- lavis/datasets/datasets/covr_datasets.py | 133 ++ lavis/models/pnp_vqa_models/gpt_qa.py | 235 ++++ lavis/models/pnp_vqa_models/pnp_vqa.py | 1100 +++++++++++++++-- lavis/models/pnp_vqa_models/utils.py | 32 + .../projects/pnp-vqa/eval/covr_eval_gpt3.yaml | 68 + .../pnp-vqa/eval/covr_eval_gpt3_codevqa.yaml | 73 ++ .../projects/pnp-vqa/eval/gqa_eval_gpt3.yaml | 67 + .../pnp-vqa/eval/gqa_eval_gpt3_codevqa.yaml | 71 ++ .../pnp-vqa/eval/nlvr2_eval_gpt3.yaml | 72 ++ .../pnp-vqa/eval/nlvr2_eval_gpt3_codevqa.yaml | 77 ++ nlvr2_examples50.json | 1 + nlvr2_programs_and_questions50.json | 1 + nlvr2_programs_and_questions50_find.json | 1 + run_scripts/pnp-vqa/eval/eval_covr_gpt3.sh | 2 + run_scripts/pnp-vqa/eval/eval_gqa_gpt3.sh | 2 + run_scripts/pnp-vqa/eval/eval_nlvr2_gpt3.sh | 2 + 37 files changed, 2609 insertions(+), 423 deletions(-) create mode 100644 README_lavis.md create mode 100644 covr_examples50.json create mode 100644 covr_programs_and_questions50b.json create mode 100644 covr_programs_and_questions50b_find.json create mode 100644 gqa_examples50.json create mode 100644 gqa_preamble_simple.py create mode 100644 gqa_programs_and_questions_nocomments3b.json create mode 100644 lavis/configs/datasets/covr/nlvr2_incontext50.yaml create mode 100644 lavis/configs/datasets/covr/nlvr2_test.yaml create mode 100644 lavis/configs/datasets/covr/nlvr2_train2000.yaml create mode 100644 lavis/configs/datasets/covr/sample1000.yaml create mode 100644 lavis/configs/datasets/covr/test.yaml create mode 100644 lavis/configs/datasets/covr/test_paraphrased.yaml create mode 100644 lavis/configs/datasets/covr/testdev.yaml create mode 100644 lavis/configs/datasets/covr/testdev_paraphrased.yaml create mode 100644 lavis/configs/datasets/gqa/sample200.yaml create mode 100644 lavis/configs/datasets/gqa/sample2000.yaml create mode 100644 lavis/configs/models/pnp-vqa/pnp_vqa_gpt3.yaml create mode 100644 lavis/datasets/datasets/covr_datasets.py create mode 100644 lavis/models/pnp_vqa_models/gpt_qa.py create mode 100644 lavis/models/pnp_vqa_models/utils.py create mode 100644 lavis/projects/pnp-vqa/eval/covr_eval_gpt3.yaml create mode 100644 lavis/projects/pnp-vqa/eval/covr_eval_gpt3_codevqa.yaml create mode 100644 lavis/projects/pnp-vqa/eval/gqa_eval_gpt3.yaml create mode 100644 lavis/projects/pnp-vqa/eval/gqa_eval_gpt3_codevqa.yaml create mode 100644 lavis/projects/pnp-vqa/eval/nlvr2_eval_gpt3.yaml create mode 100644 lavis/projects/pnp-vqa/eval/nlvr2_eval_gpt3_codevqa.yaml create mode 100644 nlvr2_examples50.json create mode 100644 nlvr2_programs_and_questions50.json create mode 100644 nlvr2_programs_and_questions50_find.json create mode 100644 run_scripts/pnp-vqa/eval/eval_covr_gpt3.sh create mode 100644 run_scripts/pnp-vqa/eval/eval_gqa_gpt3.sh create mode 100644 run_scripts/pnp-vqa/eval/eval_nlvr2_gpt3.sh diff --git a/README.md b/README.md index 874da99..896bfd5 100644 --- a/README.md +++ b/README.md @@ -1,312 +1,18 @@ -

-
- -
-

+# Modular Visual Question Answering via Code Generation -

- Latest Release - - docs - - license - - - Downloads - -
+This repo contains the code for the paper Modular Visual Question Answering via Code Generation, published at ACL 2023. -
-Benchmark, -Technical Report, -Documentation, -Jupyter Notebook Examples, -Blog -
+# Setup +Follow these steps to set up an environment to run this code. First, create a fresh conda environment based on Python 3.8. Then +1. Run `pip install -e .` inside this repo. +2. Clone the Grounding DINO repo (https://github.com/IDEA-Research/GroundingDINO) and run `python -m pip install -e GroundingDINO` inside it to install it. +3. `pip install transformers==4.25 openai sentence-transformers` -# LAVIS - A Library for Language-Vision Intelligence - -## What's New: 🎉 - * [Model Release] May 2023, released implementation of **InstructBLIP**
- [Paper](https://arxiv.org/abs/2305.06500), [Project Page](https://github.com/salesforce/LAVIS/tree/main/projects/instructblip) - > A new vision-language instruction-tuning framework using BLIP-2 models, achieving state-of-the-art zero-shot generalization performance on a wide range of vision-language tasks. - * [Model Release] Jan 2023, released implementation of **BLIP-2**
- [Paper](https://arxiv.org/abs/2301.12597), [Project Page](https://github.com/salesforce/LAVIS/tree/main/projects/blip2), [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/salesforce/LAVIS/blob/main/examples/blip2_instructed_generation.ipynb) - > A generic and efficient pre-training strategy that easily harvests development of pretrained vision models and large language models (LLMs) for vision-language pretraining. BLIP-2 beats Flamingo on zero-shot VQAv2 (**65.0** vs **56.3**), establishing new state-of-the-art on zero-shot captioning (on NoCaps **121.6** CIDEr score vs previous best **113.2**). In addition, equipped with powerful LLMs (e.g. OPT, FlanT5), BLIP-2 also unlocks the new **zero-shot instructed vision-to-language generation** capabilities for various interesting applications! - * Jan 2023, LAVIS is now available on [PyPI](https://pypi.org/project/salesforce-lavis/) for installation! - * [Model Release] Dec 2022, released implementation of **Img2LLM-VQA** (**CVPR 2023**, _"From Images to Textual Prompts: Zero-shot VQA with Frozen Large Language Models"_, by Jiaxian Guo et al)
- [Paper](https://arxiv.org/pdf/2212.10846.pdf), [Project Page](https://github.com/salesforce/LAVIS/tree/main/projects/img2llm-vqa), [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/salesforce/LAVIS/blob/main/projects/img2llm-vqa/img2llm_vqa.ipynb) - > A plug-and-play module that enables off-the-shelf use of Large Language Models (LLMs) for visual question answering (VQA). Img2LLM-VQA surpasses Flamingo on zero-shot VQA on VQAv2 (61.9 vs 56.3), while in contrast requiring no end-to-end training! - * [Model Release] Oct 2022, released implementation of **PNP-VQA** (**EMNLP Findings 2022**, _"Plug-and-Play VQA: Zero-shot VQA by Conjoining Large Pretrained Models with Zero Training"_, by Anthony T.M.H. et al),
- [Paper](https://arxiv.org/abs/2210.08773), [Project Page](https://github.com/salesforce/LAVIS/tree/main/projects/pnp-vqa), [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/salesforce/LAVIS/blob/main/projects/pnp-vqa/pnp_vqa.ipynb)) - > A modular zero-shot VQA framework that requires no PLMs training, achieving SoTA zero-shot VQA performance. - -## Table of Contents - - [Introduction](#introduction) - - [Installation](#installation) - - [Getting Started](#getting-started) - - [Model Zoo](#model-zoo) - - [Image Captioning](#image-captioning) - - [Visual question answering (VQA)](#visual-question-answering-vqa) - - [Unified Feature Extraction Interface](#unified-feature-extraction-interface) - - [Load Datasets](#load-datasets) - - [Jupyter Notebook Examples](#jupyter-notebook-examples) - - [Resources and Tools](#resources-and-tools) - - [Documentations](#documentations) - - [Ethical and Responsible Use](#ethical-and-responsible-use) - - [Technical Report and Citing LAVIS](#technical-report-and-citing-lavis) - - [License](#license) - -## Introduction -LAVIS is a Python deep learning library for LAnguage-and-VISion intelligence research and applications. This library aims to provide engineers and researchers with a one-stop solution to rapidly develop models for their specific multimodal scenarios, and benchmark them across standard and customized datasets. -It features a unified interface design to access -- **10+** tasks -(retrieval, captioning, visual question answering, multimodal classification etc.); -- **20+** datasets (COCO, Flickr, Nocaps, Conceptual -Commons, SBU, etc.); -- **30+** pretrained weights of state-of-the-art foundation language-vision models and their task-specific adaptations, including [ALBEF](https://arxiv.org/pdf/2107.07651.pdf), -[BLIP](https://arxiv.org/pdf/2201.12086.pdf), [ALPRO](https://arxiv.org/pdf/2112.09583.pdf), [CLIP](https://arxiv.org/pdf/2103.00020.pdf). -

-
- -
-

- -Key features of LAVIS include: - -- **Unified and Modular Interface**: facilitating to easily leverage and repurpose existing modules (datasets, models, preprocessors), also to add new modules. - -- **Easy Off-the-shelf Inference and Feature Extraction**: readily available pre-trained models let you take advantage of state-of-the-art multimodal understanding and generation capabilities on your own data. - -- **Reproducible Model Zoo and Training Recipes**: easily replicate and extend state-of-the-art models on existing and new tasks. - -- **Dataset Zoo and Automatic Downloading Tools**: it can be a hassle to prepare the many language-vision datasets. LAVIS provides automatic downloading scripts to help prepare a large variety of datasets and their annotations. - - -The following table shows the supported tasks, datasets and models in our library. This is a continuing effort and we are working on further growing the list. - -| Tasks | Supported Models | Supported Datasets | -| :--------------------------------------: | :----------------------: | :----------------------------------------: | -| Image-text Pre-training | ALBEF, BLIP | COCO, VisualGenome, SBU ConceptualCaptions | -| Image-text Retrieval | ALBEF, BLIP, CLIP | COCO, Flickr30k | -| Text-image Retrieval | ALBEF, BLIP, CLIP | COCO, Flickr30k | -| Visual Question Answering | ALBEF, BLIP | VQAv2, OKVQA, A-OKVQA | -| Image Captioning | BLIP | COCO, NoCaps | -| Image Classification | CLIP | ImageNet | -| Natural Language Visual Reasoning (NLVR) | ALBEF, BLIP | NLVR2 | -| Visual Entailment (VE) | ALBEF | SNLI-VE | -| Visual Dialogue | BLIP | VisDial | -| Video-text Retrieval | BLIP, ALPRO | MSRVTT, DiDeMo | -| Text-video Retrieval | BLIP, ALPRO | MSRVTT, DiDeMo | -| Video Question Answering (VideoQA) | BLIP, ALPRO | MSRVTT, MSVD | -| Video Dialogue | VGD-GPT | AVSD | -| Multimodal Feature Extraction | ALBEF, CLIP, BLIP, ALPRO | customized | -| Text-to-image Generation | [COMING SOON] | | - -## Installation - -1. (Optional) Creating conda environment - -```bash -conda create -n lavis python=3.8 -conda activate lavis -``` - -2. install from [PyPI](https://pypi.org/project/salesforce-lavis/) -```bash -pip install salesforce-lavis -``` - -3. Or, for development, you may build from source - -```bash -git clone https://github.com/salesforce/LAVIS.git -cd LAVIS -pip install -e . -``` - -## Getting Started -### Model Zoo -Model zoo summarizes supported models in LAVIS, to view: -```python -from lavis.models import model_zoo -print(model_zoo) -# ================================================== -# Architectures Types -# ================================================== -# albef_classification ve -# albef_feature_extractor base -# albef_nlvr nlvr -# albef_pretrain base -# albef_retrieval coco, flickr -# albef_vqa vqav2 -# alpro_qa msrvtt, msvd -# alpro_retrieval msrvtt, didemo -# blip_caption base_coco, large_coco -# blip_classification base -# blip_feature_extractor base -# blip_nlvr nlvr -# blip_pretrain base -# blip_retrieval coco, flickr -# blip_vqa vqav2, okvqa, aokvqa -# clip_feature_extractor ViT-B-32, ViT-B-16, ViT-L-14, ViT-L-14-336, RN50 -# clip ViT-B-32, ViT-B-16, ViT-L-14, ViT-L-14-336, RN50 -# gpt_dialogue base -``` - -Let’s see how to use models in LAVIS to perform inference on example data. We first load a sample image from local. - -```python -import torch -from PIL import Image -# setup device to use -device = torch.device("cuda" if torch.cuda.is_available() else "cpu") -# load sample image -raw_image = Image.open("docs/_static/merlion.png").convert("RGB") +# Experiments +Run these scripts to reproduce the results of CodeVQA and Few-shot PnP-VQA on the GQA, COVR, and NLVR2 test sets. ``` - -This example image shows [Merlion park](https://en.wikipedia.org/wiki/Merlion) ([source](https://theculturetrip.com/asia/singapore/articles/what-exactly-is-singapores-merlion-anyway/)), a landmark in Singapore. - - -### Image Captioning -In this example, we use the BLIP model to generate a caption for the image. To make inference even easier, we also associate each -pre-trained model with its preprocessors (transforms), accessed via ``load_model_and_preprocess()``. - -```python -import torch -from lavis.models import load_model_and_preprocess -device = torch.device("cuda" if torch.cuda.is_available() else "cpu") -# loads BLIP caption base model, with finetuned checkpoints on MSCOCO captioning dataset. -# this also loads the associated image processors -model, vis_processors, _ = load_model_and_preprocess(name="blip_caption", model_type="base_coco", is_eval=True, device=device) -# preprocess the image -# vis_processors stores image transforms for "train" and "eval" (validation / testing / inference) -image = vis_processors["eval"](raw_image).unsqueeze(0).to(device) -# generate caption -model.generate({"image": image}) -# ['a large fountain spewing water into the air'] +bash run_scripts/pnp-vqa/eval/gqa_eval_gpt3.sh +bash run_scripts/pnp-vqa/eval/covr_eval_gpt3.sh +bash run_scripts/pnp-vqa/eval/nlvr2_eval_gpt3.sh ``` - -### Visual question answering (VQA) -BLIP model is able to answer free-form questions about images in natural language. -To access the VQA model, simply replace the ``name`` and ``model_type`` arguments -passed to ``load_model_and_preprocess()``. - -```python -from lavis.models import load_model_and_preprocess -model, vis_processors, txt_processors = load_model_and_preprocess(name="blip_vqa", model_type="vqav2", is_eval=True, device=device) -# ask a random question. -question = "Which city is this photo taken?" -image = vis_processors["eval"](raw_image).unsqueeze(0).to(device) -question = txt_processors["eval"](question) -model.predict_answers(samples={"image": image, "text_input": question}, inference_method="generate") -# ['singapore'] -``` - -### Unified Feature Extraction Interface - -LAVIS provides a unified interface to extract features from each architecture. -To extract features, we load the feature extractor variants of each model. -The multimodal feature can be used for multimodal classification. -The low-dimensional unimodal features can be used to compute cross-modal similarity. - - -```python -from lavis.models import load_model_and_preprocess -model, vis_processors, txt_processors = load_model_and_preprocess(name="blip_feature_extractor", model_type="base", is_eval=True, device=device) -caption = "a large fountain spewing water into the air" -image = vis_processors["eval"](raw_image).unsqueeze(0).to(device) -text_input = txt_processors["eval"](caption) -sample = {"image": image, "text_input": [text_input]} - -features_multimodal = model.extract_features(sample) -print(features_multimodal.multimodal_embeds.shape) -# torch.Size([1, 12, 768]), use features_multimodal[:,0,:] for multimodal classification tasks - -features_image = model.extract_features(sample, mode="image") -features_text = model.extract_features(sample, mode="text") -print(features_image.image_embeds.shape) -# torch.Size([1, 197, 768]) -print(features_text.text_embeds.shape) -# torch.Size([1, 12, 768]) - -# low-dimensional projected features -print(features_image.image_embeds_proj.shape) -# torch.Size([1, 197, 256]) -print(features_text.text_embeds_proj.shape) -# torch.Size([1, 12, 256]) -similarity = features_image.image_embeds_proj[:,0,:] @ features_text.text_embeds_proj[:,0,:].t() -print(similarity) -# tensor([[0.2622]]) -``` - -### Load Datasets -LAVIS inherently supports a wide variety of common language-vision datasets by providing [automatic download tools](https://opensource.salesforce.com/LAVIS//latest/benchmark) to help download and organize these datasets. After downloading, to load the datasets, use the following code: - -```python -from lavis.datasets.builders import dataset_zoo -dataset_names = dataset_zoo.get_names() -print(dataset_names) -# ['aok_vqa', 'coco_caption', 'coco_retrieval', 'coco_vqa', 'conceptual_caption_12m', -# 'conceptual_caption_3m', 'didemo_retrieval', 'flickr30k', 'imagenet', 'laion2B_multi', -# 'msrvtt_caption', 'msrvtt_qa', 'msrvtt_retrieval', 'msvd_caption', 'msvd_qa', 'nlvr', -# 'nocaps', 'ok_vqa', 'sbu_caption', 'snli_ve', 'vatex_caption', 'vg_caption', 'vg_vqa'] -``` -After downloading the images, we can use ``load_dataset()`` to obtain the dataset. -```python -from lavis.datasets.builders import load_dataset -coco_dataset = load_dataset("coco_caption") -print(coco_dataset.keys()) -# dict_keys(['train', 'val', 'test']) -print(len(coco_dataset["train"])) -# 566747 -print(coco_dataset["train"][0]) -# {'image': , -# 'text_input': 'A woman wearing a net on her head cutting a cake. ', -# 'image_id': 0} -``` - -If you already host a local copy of the dataset, you can pass in the ``vis_path`` argument to change the default location to load images. - -```python -coco_dataset = load_dataset("coco_caption", vis_path=YOUR_LOCAL_PATH) -``` - -## Jupyter Notebook Examples -See [examples](https://github.com/salesforce/LAVIS/tree/main/examples) for more inference examples, e.g. captioning, feature extraction, VQA, GradCam, zeros-shot classification. - -## Resources and Tools -- **Benchmarks**: see [Benchmark](https://opensource.salesforce.com/LAVIS//latest/benchmark) for instructions to evaluate and train supported models. -- **Dataset Download and Browsing**: see [Dataset Download](https://opensource.salesforce.com/LAVIS//latest/benchmark) for instructions and automatic tools on download common language-vision datasets. -- **GUI Demo**: to run the demo locally, run ```bash run_scripts/run_demo.sh``` and then follow the instruction on the prompts to view in browser. A web demo is coming soon. - - -## Documentations -For more details and advanced usages, please refer to -[documentation](https://opensource.salesforce.com/LAVIS//latest/index.html#). - -## Ethical and Responsible Use -We note that models in LAVIS provide no guarantees on their multimodal abilities; incorrect or biased predictions may be observed. In particular, the datasets and pretrained models utilized in LAVIS may contain socioeconomic biases which could result in misclassification and other unwanted behaviors such as offensive or inappropriate speech. We strongly recommend that users review the pre-trained models and overall system in LAVIS before practical adoption. We plan to improve the library by investigating and mitigating these potential biases and -inappropriate behaviors in the future. - - -## Technical Report and Citing LAVIS -You can find more details in our [technical report](https://arxiv.org/abs/2209.09019). - -If you're using LAVIS in your research or applications, please cite using this BibTeX: -```bibtex -@misc{li2022lavis, - title={LAVIS: A Library for Language-Vision Intelligence}, - author={Dongxu Li and Junnan Li and Hung Le and Guangsen Wang and Silvio Savarese and Steven C. H. Hoi}, - year={2022}, - eprint={2209.09019}, - archivePrefix={arXiv}, - primaryClass={cs.CV} -} -``` - -## Contact us -If you have any questions, comments or suggestions, please do not hesitate to contact us at lavis@salesforce.com. - -## License -[BSD 3-Clause License](LICENSE.txt) +The config files are stored at `lavis/projects/pnp-vqa/eval/{gqa/covr/nlvr2}_eval_gpt3{_codevqa}.yaml`. We provide a few commented-out options for (1) if you want to evaluate on the validation set (or sample thereof) instead of the test set, (2) randomly retrieving in-context examples instead of using question embeddings, and (3) using the `find_object` primitive for counting objects (for this, provided in the COVR and NLVR2 configs, use both the commented-out option for the `programs_path` and the commented-out `grounding_dino_path`). diff --git a/README_lavis.md b/README_lavis.md new file mode 100644 index 0000000..874da99 --- /dev/null +++ b/README_lavis.md @@ -0,0 +1,312 @@ +

+
+ +
+

+ +

+ Latest Release + + docs + + license + + + Downloads + +
+ +
+Benchmark, +Technical Report, +Documentation, +Jupyter Notebook Examples, +Blog +
+ +# LAVIS - A Library for Language-Vision Intelligence + +## What's New: 🎉 + * [Model Release] May 2023, released implementation of **InstructBLIP**
+ [Paper](https://arxiv.org/abs/2305.06500), [Project Page](https://github.com/salesforce/LAVIS/tree/main/projects/instructblip) + > A new vision-language instruction-tuning framework using BLIP-2 models, achieving state-of-the-art zero-shot generalization performance on a wide range of vision-language tasks. + * [Model Release] Jan 2023, released implementation of **BLIP-2**
+ [Paper](https://arxiv.org/abs/2301.12597), [Project Page](https://github.com/salesforce/LAVIS/tree/main/projects/blip2), [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/salesforce/LAVIS/blob/main/examples/blip2_instructed_generation.ipynb) + > A generic and efficient pre-training strategy that easily harvests development of pretrained vision models and large language models (LLMs) for vision-language pretraining. BLIP-2 beats Flamingo on zero-shot VQAv2 (**65.0** vs **56.3**), establishing new state-of-the-art on zero-shot captioning (on NoCaps **121.6** CIDEr score vs previous best **113.2**). In addition, equipped with powerful LLMs (e.g. OPT, FlanT5), BLIP-2 also unlocks the new **zero-shot instructed vision-to-language generation** capabilities for various interesting applications! + * Jan 2023, LAVIS is now available on [PyPI](https://pypi.org/project/salesforce-lavis/) for installation! + * [Model Release] Dec 2022, released implementation of **Img2LLM-VQA** (**CVPR 2023**, _"From Images to Textual Prompts: Zero-shot VQA with Frozen Large Language Models"_, by Jiaxian Guo et al)
+ [Paper](https://arxiv.org/pdf/2212.10846.pdf), [Project Page](https://github.com/salesforce/LAVIS/tree/main/projects/img2llm-vqa), [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/salesforce/LAVIS/blob/main/projects/img2llm-vqa/img2llm_vqa.ipynb) + > A plug-and-play module that enables off-the-shelf use of Large Language Models (LLMs) for visual question answering (VQA). Img2LLM-VQA surpasses Flamingo on zero-shot VQA on VQAv2 (61.9 vs 56.3), while in contrast requiring no end-to-end training! + * [Model Release] Oct 2022, released implementation of **PNP-VQA** (**EMNLP Findings 2022**, _"Plug-and-Play VQA: Zero-shot VQA by Conjoining Large Pretrained Models with Zero Training"_, by Anthony T.M.H. et al),
+ [Paper](https://arxiv.org/abs/2210.08773), [Project Page](https://github.com/salesforce/LAVIS/tree/main/projects/pnp-vqa), [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/salesforce/LAVIS/blob/main/projects/pnp-vqa/pnp_vqa.ipynb)) + > A modular zero-shot VQA framework that requires no PLMs training, achieving SoTA zero-shot VQA performance. + +## Table of Contents + - [Introduction](#introduction) + - [Installation](#installation) + - [Getting Started](#getting-started) + - [Model Zoo](#model-zoo) + - [Image Captioning](#image-captioning) + - [Visual question answering (VQA)](#visual-question-answering-vqa) + - [Unified Feature Extraction Interface](#unified-feature-extraction-interface) + - [Load Datasets](#load-datasets) + - [Jupyter Notebook Examples](#jupyter-notebook-examples) + - [Resources and Tools](#resources-and-tools) + - [Documentations](#documentations) + - [Ethical and Responsible Use](#ethical-and-responsible-use) + - [Technical Report and Citing LAVIS](#technical-report-and-citing-lavis) + - [License](#license) + +## Introduction +LAVIS is a Python deep learning library for LAnguage-and-VISion intelligence research and applications. This library aims to provide engineers and researchers with a one-stop solution to rapidly develop models for their specific multimodal scenarios, and benchmark them across standard and customized datasets. +It features a unified interface design to access +- **10+** tasks +(retrieval, captioning, visual question answering, multimodal classification etc.); +- **20+** datasets (COCO, Flickr, Nocaps, Conceptual +Commons, SBU, etc.); +- **30+** pretrained weights of state-of-the-art foundation language-vision models and their task-specific adaptations, including [ALBEF](https://arxiv.org/pdf/2107.07651.pdf), +[BLIP](https://arxiv.org/pdf/2201.12086.pdf), [ALPRO](https://arxiv.org/pdf/2112.09583.pdf), [CLIP](https://arxiv.org/pdf/2103.00020.pdf). +

+
+ +
+

+ +Key features of LAVIS include: + +- **Unified and Modular Interface**: facilitating to easily leverage and repurpose existing modules (datasets, models, preprocessors), also to add new modules. + +- **Easy Off-the-shelf Inference and Feature Extraction**: readily available pre-trained models let you take advantage of state-of-the-art multimodal understanding and generation capabilities on your own data. + +- **Reproducible Model Zoo and Training Recipes**: easily replicate and extend state-of-the-art models on existing and new tasks. + +- **Dataset Zoo and Automatic Downloading Tools**: it can be a hassle to prepare the many language-vision datasets. LAVIS provides automatic downloading scripts to help prepare a large variety of datasets and their annotations. + + +The following table shows the supported tasks, datasets and models in our library. This is a continuing effort and we are working on further growing the list. + +| Tasks | Supported Models | Supported Datasets | +| :--------------------------------------: | :----------------------: | :----------------------------------------: | +| Image-text Pre-training | ALBEF, BLIP | COCO, VisualGenome, SBU ConceptualCaptions | +| Image-text Retrieval | ALBEF, BLIP, CLIP | COCO, Flickr30k | +| Text-image Retrieval | ALBEF, BLIP, CLIP | COCO, Flickr30k | +| Visual Question Answering | ALBEF, BLIP | VQAv2, OKVQA, A-OKVQA | +| Image Captioning | BLIP | COCO, NoCaps | +| Image Classification | CLIP | ImageNet | +| Natural Language Visual Reasoning (NLVR) | ALBEF, BLIP | NLVR2 | +| Visual Entailment (VE) | ALBEF | SNLI-VE | +| Visual Dialogue | BLIP | VisDial | +| Video-text Retrieval | BLIP, ALPRO | MSRVTT, DiDeMo | +| Text-video Retrieval | BLIP, ALPRO | MSRVTT, DiDeMo | +| Video Question Answering (VideoQA) | BLIP, ALPRO | MSRVTT, MSVD | +| Video Dialogue | VGD-GPT | AVSD | +| Multimodal Feature Extraction | ALBEF, CLIP, BLIP, ALPRO | customized | +| Text-to-image Generation | [COMING SOON] | | + +## Installation + +1. (Optional) Creating conda environment + +```bash +conda create -n lavis python=3.8 +conda activate lavis +``` + +2. install from [PyPI](https://pypi.org/project/salesforce-lavis/) +```bash +pip install salesforce-lavis +``` + +3. Or, for development, you may build from source + +```bash +git clone https://github.com/salesforce/LAVIS.git +cd LAVIS +pip install -e . +``` + +## Getting Started +### Model Zoo +Model zoo summarizes supported models in LAVIS, to view: +```python +from lavis.models import model_zoo +print(model_zoo) +# ================================================== +# Architectures Types +# ================================================== +# albef_classification ve +# albef_feature_extractor base +# albef_nlvr nlvr +# albef_pretrain base +# albef_retrieval coco, flickr +# albef_vqa vqav2 +# alpro_qa msrvtt, msvd +# alpro_retrieval msrvtt, didemo +# blip_caption base_coco, large_coco +# blip_classification base +# blip_feature_extractor base +# blip_nlvr nlvr +# blip_pretrain base +# blip_retrieval coco, flickr +# blip_vqa vqav2, okvqa, aokvqa +# clip_feature_extractor ViT-B-32, ViT-B-16, ViT-L-14, ViT-L-14-336, RN50 +# clip ViT-B-32, ViT-B-16, ViT-L-14, ViT-L-14-336, RN50 +# gpt_dialogue base +``` + +Let’s see how to use models in LAVIS to perform inference on example data. We first load a sample image from local. + +```python +import torch +from PIL import Image +# setup device to use +device = torch.device("cuda" if torch.cuda.is_available() else "cpu") +# load sample image +raw_image = Image.open("docs/_static/merlion.png").convert("RGB") +``` + +This example image shows [Merlion park](https://en.wikipedia.org/wiki/Merlion) ([source](https://theculturetrip.com/asia/singapore/articles/what-exactly-is-singapores-merlion-anyway/)), a landmark in Singapore. + + +### Image Captioning +In this example, we use the BLIP model to generate a caption for the image. To make inference even easier, we also associate each +pre-trained model with its preprocessors (transforms), accessed via ``load_model_and_preprocess()``. + +```python +import torch +from lavis.models import load_model_and_preprocess +device = torch.device("cuda" if torch.cuda.is_available() else "cpu") +# loads BLIP caption base model, with finetuned checkpoints on MSCOCO captioning dataset. +# this also loads the associated image processors +model, vis_processors, _ = load_model_and_preprocess(name="blip_caption", model_type="base_coco", is_eval=True, device=device) +# preprocess the image +# vis_processors stores image transforms for "train" and "eval" (validation / testing / inference) +image = vis_processors["eval"](raw_image).unsqueeze(0).to(device) +# generate caption +model.generate({"image": image}) +# ['a large fountain spewing water into the air'] +``` + +### Visual question answering (VQA) +BLIP model is able to answer free-form questions about images in natural language. +To access the VQA model, simply replace the ``name`` and ``model_type`` arguments +passed to ``load_model_and_preprocess()``. + +```python +from lavis.models import load_model_and_preprocess +model, vis_processors, txt_processors = load_model_and_preprocess(name="blip_vqa", model_type="vqav2", is_eval=True, device=device) +# ask a random question. +question = "Which city is this photo taken?" +image = vis_processors["eval"](raw_image).unsqueeze(0).to(device) +question = txt_processors["eval"](question) +model.predict_answers(samples={"image": image, "text_input": question}, inference_method="generate") +# ['singapore'] +``` + +### Unified Feature Extraction Interface + +LAVIS provides a unified interface to extract features from each architecture. +To extract features, we load the feature extractor variants of each model. +The multimodal feature can be used for multimodal classification. +The low-dimensional unimodal features can be used to compute cross-modal similarity. + + +```python +from lavis.models import load_model_and_preprocess +model, vis_processors, txt_processors = load_model_and_preprocess(name="blip_feature_extractor", model_type="base", is_eval=True, device=device) +caption = "a large fountain spewing water into the air" +image = vis_processors["eval"](raw_image).unsqueeze(0).to(device) +text_input = txt_processors["eval"](caption) +sample = {"image": image, "text_input": [text_input]} + +features_multimodal = model.extract_features(sample) +print(features_multimodal.multimodal_embeds.shape) +# torch.Size([1, 12, 768]), use features_multimodal[:,0,:] for multimodal classification tasks + +features_image = model.extract_features(sample, mode="image") +features_text = model.extract_features(sample, mode="text") +print(features_image.image_embeds.shape) +# torch.Size([1, 197, 768]) +print(features_text.text_embeds.shape) +# torch.Size([1, 12, 768]) + +# low-dimensional projected features +print(features_image.image_embeds_proj.shape) +# torch.Size([1, 197, 256]) +print(features_text.text_embeds_proj.shape) +# torch.Size([1, 12, 256]) +similarity = features_image.image_embeds_proj[:,0,:] @ features_text.text_embeds_proj[:,0,:].t() +print(similarity) +# tensor([[0.2622]]) +``` + +### Load Datasets +LAVIS inherently supports a wide variety of common language-vision datasets by providing [automatic download tools](https://opensource.salesforce.com/LAVIS//latest/benchmark) to help download and organize these datasets. After downloading, to load the datasets, use the following code: + +```python +from lavis.datasets.builders import dataset_zoo +dataset_names = dataset_zoo.get_names() +print(dataset_names) +# ['aok_vqa', 'coco_caption', 'coco_retrieval', 'coco_vqa', 'conceptual_caption_12m', +# 'conceptual_caption_3m', 'didemo_retrieval', 'flickr30k', 'imagenet', 'laion2B_multi', +# 'msrvtt_caption', 'msrvtt_qa', 'msrvtt_retrieval', 'msvd_caption', 'msvd_qa', 'nlvr', +# 'nocaps', 'ok_vqa', 'sbu_caption', 'snli_ve', 'vatex_caption', 'vg_caption', 'vg_vqa'] +``` +After downloading the images, we can use ``load_dataset()`` to obtain the dataset. +```python +from lavis.datasets.builders import load_dataset +coco_dataset = load_dataset("coco_caption") +print(coco_dataset.keys()) +# dict_keys(['train', 'val', 'test']) +print(len(coco_dataset["train"])) +# 566747 +print(coco_dataset["train"][0]) +# {'image': , +# 'text_input': 'A woman wearing a net on her head cutting a cake. ', +# 'image_id': 0} +``` + +If you already host a local copy of the dataset, you can pass in the ``vis_path`` argument to change the default location to load images. + +```python +coco_dataset = load_dataset("coco_caption", vis_path=YOUR_LOCAL_PATH) +``` + +## Jupyter Notebook Examples +See [examples](https://github.com/salesforce/LAVIS/tree/main/examples) for more inference examples, e.g. captioning, feature extraction, VQA, GradCam, zeros-shot classification. + +## Resources and Tools +- **Benchmarks**: see [Benchmark](https://opensource.salesforce.com/LAVIS//latest/benchmark) for instructions to evaluate and train supported models. +- **Dataset Download and Browsing**: see [Dataset Download](https://opensource.salesforce.com/LAVIS//latest/benchmark) for instructions and automatic tools on download common language-vision datasets. +- **GUI Demo**: to run the demo locally, run ```bash run_scripts/run_demo.sh``` and then follow the instruction on the prompts to view in browser. A web demo is coming soon. + + +## Documentations +For more details and advanced usages, please refer to +[documentation](https://opensource.salesforce.com/LAVIS//latest/index.html#). + +## Ethical and Responsible Use +We note that models in LAVIS provide no guarantees on their multimodal abilities; incorrect or biased predictions may be observed. In particular, the datasets and pretrained models utilized in LAVIS may contain socioeconomic biases which could result in misclassification and other unwanted behaviors such as offensive or inappropriate speech. We strongly recommend that users review the pre-trained models and overall system in LAVIS before practical adoption. We plan to improve the library by investigating and mitigating these potential biases and +inappropriate behaviors in the future. + + +## Technical Report and Citing LAVIS +You can find more details in our [technical report](https://arxiv.org/abs/2209.09019). + +If you're using LAVIS in your research or applications, please cite using this BibTeX: +```bibtex +@misc{li2022lavis, + title={LAVIS: A Library for Language-Vision Intelligence}, + author={Dongxu Li and Junnan Li and Hung Le and Guangsen Wang and Silvio Savarese and Steven C. H. Hoi}, + year={2022}, + eprint={2209.09019}, + archivePrefix={arXiv}, + primaryClass={cs.CV} +} +``` + +## Contact us +If you have any questions, comments or suggestions, please do not hesitate to contact us at lavis@salesforce.com. + +## License +[BSD 3-Clause License](LICENSE.txt) diff --git a/covr_examples50.json b/covr_examples50.json new file mode 100644 index 0000000..dcba7b7 --- /dev/null +++ b/covr_examples50.json @@ -0,0 +1 @@ +[{"question_id": 1638198, "question": "Is there either a woman that is sitting on a wood bench or a man that is sitting on a wood bench?", "answer": "no", "captions": [["a blue bottle sitting on a wooden bench", "a bottled water and a plastic bottle sitting on a park bench", "a bench on the pavement of a sidewalk, next to an open door", "a wooden bench that has two brown legs", "water bottle sitting on back of a wooden bench", "the empty wooden bench was used as a seat", "old weathered park bench against a wood bench", "a bottle of water is placed on a a wooden bench", "a gray bench next to a window with wood slats and a bench arm", "a blue bottle of water sits beside a water bottle in a window", "a bottle of water water near a bottle of water bottles on a wooden bench", "an empty wooden bench sitting on the green grass", "a small water bottle on top of a wooden bench", "a park bench with a bottle of water on it", "some water sitting on a wooden bench outdoors by a water bottle", "an old bench that is wooden on an outdoor porch", "an orange kitty sitting inside of a purse", "a weathered up wooden bench sitting on the side of a road", "a wood bench is sitting outside outside a white building", "a wooden bench with an arm a hydra blue water and a blue water bottle", "a water bottle and a blue water in front of a bench", "bench has a bottle in it next to water", "an empty bench near a grassy area with a small plant", "a water bottle, a bottle, and an empty plastic bottle are next to a", "a wooden bench with a bottle of water", "a wooden bench with a blue bottle of water and a plastic bottle sit", "a bench in front of a small wooden bench on a bench", "a park bench with paper and cup next to it", "a bottle of water sitting on top of a wooden bench", "a bottle and a bottle of water on a wooden bench", "an old wooden bench is on a wooden bench", "a water bottle and a bottle of water sit on a bench", "three water bottles bottle water on a benches seat", "a bottle of water in front of a wooden bench", "a wooden bench sitting next to a phone on a pole", "bench that is not empty like it", "a blue water bottle is laying beside water bottles", "a bottle is next to a plastic bottle", "a bottle of drink sitting next to a wooden bench", "a wooden bench that has a blue bottle on it", "a wooden bench with a bottled drink and water bottle next to it", "a bottle and a wooden bench, two bottles and water", "a bench that is wood and has no armrest", "water water water water picnic water soda water water one a hydra water a a back", "a wood bench and weathered bench park bench back wood bench bench bench wooden", "a wooden bench with water sitting on it", "a empty water bottle and a bottle sitting on a wooden bench", "a water bottle on a wooden bench on a bench", "this wood bench sits next to a very wooden window", "a wooden bench that is wood and rests by itself", "a white wooden park bench in front of a building", "two bottle water drink the sitting made water bench a bottles bottles bottle water bottle water", "a wooden park bench near the side of the street", "bench empty and water water blue water bench blue water water water bench one bench bench", "a bottle of water and a bottle of water sitting on a fence", "a bench on a sidewalk with no wooden benches", "a bottle of water displayed next to a wooden bench", "a old bench by a window on the street", "a water bottle in a plastic water bottle bottle, on a wooden bench", "a wooden bench sits empty on the pavement", "a wooden bench with paper on wooden posts", "a bottle of water by a blue bottle of water", "a water bottle sitting on a bench next to a window", "a plastic wooden bench with a water and a blue plastic bottle and a water bottle", "a bench that has a blue water bottle of water on it", "water bottles on a wooden bench in front of a bottle of pure mineral drinks", "a wooden bench holding a water bottle in front of an open window", "a wooden park bench is on a bench bench", "weathered park bench with wooden bench arm rest", "a bottle of water is left along a public bench", "a water bottle resting on a wooden bench", "a long wooden bench next to a wooden bench", "an empty wooden bench sits in front of a blue bottles of water", "an old park bench is empty in the sun", "a wooden bench with a bottle water and bottle water bottled water on the wooden side", "the bench outside of a home in the summer", "a wooden bench outside a wooden bench made out of wooden slats", "a water case on a green plastic sitting in front of a picnic bench", "water and bottled water next to a wooden bench", "wooden wooden bench made public bench empty park bench made old wooden park bench bench wooden", "bench park bench park benches bench bench park park bench photo sit bench wooden benches wooden", "a close up seat that has information paper attached to the bench", "an empty wooden bench on a wooden bench", "a wooden bench sitting next to a glass window", "a bench is shown in front of a window", "a wooden bench sitting under a window next to a sign", "the water water and plastic bottle sit on a wooden bench", "a water bottle with a blue plastic bottle in it sitting on a wooden bench", "a water bottle is on the back of the park bench", "a wooden bench sitting in front of a wooden building", "a water bottle sitting behind a plastic water bottle", "a bench in a park near some grass", "a wooden bench has a plastic bottle next to it", "a bench with an open water bottle sits next to it on a bench", "a wooden park bench with a bottle of water on the bench", "a plastic bottle of soda sits on a bench", "a empty wooden park bench with a water bottle on it", "park bench from the back and the back of a bench", "a wooden bench sitting in front of a window", "a grey bench is next to a window with a water bottle in it"], ["a young boy sitting on a park bench with a dog next to a young boy", "boy sitting on a bench with a dog next to him", "a black and white photo with a boy sitting next to a dog with a boy", "a young boy sits on a bench smiling for a picture with a boy hugging a", "a boy sitting on a wooden bench next to a dog and a boy", "black and white photo of a man sitting and a bench", "the boy and their rescue dog sit patiently on a bench in the park", "bench sitting bench park park park as park smiling park park sitting sitting on in park", "a boy and his younger brother sit next to a wagon wheel on a bench", "a young boy sitting near a wooden bench and a dog", "a girl and a boy sit on a bench", "a small boy is sitting on the bench with his dog", "a young boy, with a dog and a stick, is smiling, sitting down", "a young boy sitting on a bench with a dog", "boy sitting on a bench, black and white photo of young boy on bench", "and and with a sitting sitting and sitting seated and and sitting - on sitting sitting", "a young young men is sitting on a bench with a bench with a dog under", "with sitting on by and with with is smiles one a this, of poses sitting", "a child and a child sitting next to a wooden bench", "a person sitting on a bench with a dog and a bench", "a young boy sits on a bench next to a dog", "the smile faces as a child and a boy sit on a bench with his german", "a black and white photo of a boy and a child", "a boy sitting next to a bench by a boy", "on sitting sitting sitting the, with, seated sitting with and with sitting smiles seated", "a boy sitting next to a girl seated on a bench", "young boy and his dog sit on a bench next to a young little boy in", "a boy and dog sit alongside a bench with a boy", "a dog is sitting in front of a dog sitting on a bench looking at the", "with sits next wooden sitting with boy has sitting child, chair on smiling pose sits", "a german shepherd dog sitting on a bench next to a boy and another large dog", "a little boy sitting on a bench next to a dog", "a sitting on and son and boy on boy and by on sitting and black and", "a boy and a child with a dog posing in front of a bench", "black and white image of a little boy sitting on a wooden bench with a dog", "a young boy and a large dog on a park bench", "a young man sitting on a wooden bench next to a little boy", "a boy sits beside a bench with a german shepherd", "a child sitting on a bench", "sitting sit bench park per bench bench benches park bench arm sitting bench seat sitting sit", "a person and a dog sitting on a bench", "a little boy sitting down on a wooden bench", "a small boy sitting on a bench with his german shepherd dog", "a man with a cane and cane sitting on a bench", "a boy sitting on a bench with a dog siting", "bench outside sitting and seat sitting a dog on a a sitting sitting sitting he sitting", "a kid and dogs sitting on a wooden bench", "a child and a dog sitting on a bench with a boy and girl in the", "bench bench park bench wooden bench park sitting sitting boy bench bench black the child on", "a young boy and his dog sitting next to his young boy", "a young boy has a dog and is sitting next to him", "on a a by smile, park the, i asian a as, park black", "this is a black and white picture of a child", "a man and his dog sit on a wooden bench", "a child sitting on a bench and a dog on a wood bench", "child and boy sitting together on bench and beside the boy with his dog", "there is a boy sitting on a bench in the park", "a young boy sitting on a bench next to a german shepherd by a boy sitting", "a young boy sits with his friend on a bench", "a young boy and his dog is sitting on a park bench", "a boy with his german shepherd dog and boy", "a young boy sitting beside a wooden bench with dog and boy and a cane", "boy this aged bench sitting black black black of black portrait black black child black a", "a little man and a dog sitting by a bench", "a child sitting next to a boy and a german shepard sitting on a bench,", "a boy and a boy sit on a picnic bench, one boy, one boy", "a boy with a cane sits on a bench with a dog and a baseball bat", "a boy sitting on a bench next to a dog sitting next to him", "a boy and a dog with a small boy sitting on a bench", "a man and a young boy sitting on a bench with a dog sitting next to", "a black and white photo of a boy sitting on a bench wearing a hoodie", "a young boy sitting on a bench and a german shepard dog", "a dog and boy sitting on a wooden bench with a german shepherd shepherd rescue dog", "a boy and boy sitting on a bench with a dog sitting next to his son", "a young boy sitting behind a bench next to a young boy sitting next to a", "a boy and his dog sitting on a bench", "child and his dog on a park bench", "a boy and a dog sitting next to one boy and his dog", "a child sits on a bench on a bench", "a little boy sitting on a park set with a dog", "a boy sitting on a bench behind a cute dog on a little boy", "a young boy sitting on one of his wooden benches behind a park bench", "a young boy sitting on a bench with a man and a dog", "a child sitting on a bench with a dog", "a boy is sitting on a park bench while an old wagon wheels sits behind him", "a little boy has a good laugh of his precious family on a wooden bench next", "a child sitting on a park bench with a wooden bench, and a child next", "black bench black benches seat bench on sitting park sits a with seat bench on bench", "a young boy sits on a bench with a broom beside his arm", "a boy sitting on a wooden bench while looking up at a child", "a boy yawning to his dog on a wooden bench", "a young boy sitting on a wooden bench with a german shepard sitting beside while a", "there is a man with a dog that is sitting by a bench", "young child, black and white photograph, boys, two boys and his dog", "a boy sits on bench and a dog sits on a bench", "the young boy is sitting on a wooden bench with his dog", "is on and in sitting sitting bench, sit bench bench sit seat on sit in", "a girl sitting on a bench with a dog and a dog", "a kid sitting on a wooden bench with a dog", "a little boy sitting on a wooden bench next to a child sitting on a bench"], ["a woman sitting on a wooden bench on a park bench", "the girl is sitting on a bench in the park", "a a sits sitting sitting sit sitting a bench park bench girl park waiting and on", "a woman sitting on a bench wearing scarf and scarf", "a woman sitting is a very beautiful photo", "a sad woman sitting on a park bench", "a beautiful woman sitting on a bench with a park sitting at the park", "a woman sitting a a bench park park sit bench the in waiting sitting for sit", "a woman outside sitting alone on a park bench", "a woman sitting on a park bench in a park", "sitting alone and sitting that sitting sitting bench a bench and bench seat alone sitting female", "a teenage woman sitting and smiling at photographer", "a woman sitting on a wooden bench posing for a picture", "a woman sitting on a wooden park bench sitting on a park bench", "woman sitting on a bench happy and smiling", "a woman poses sitting on a wooden bench", "wooden bench, a an park park bench bench bench sitting park two bench sits a", "the woman is sitting on the bench and smiling for a cute picture", "bench a bench park park bench park bench bench park bench sit bench sitting sit benches", "a girl sitting on a wooden park bench, sitting on the bench is a wooden", "sit sitting - sitting sitting and a a on and is sitting all sitting bench on", "a woman sits behind a bench and sits on the bench of a wooden park bench", "benches on bench park a park sits a a park bench park bench bench and park", "a young woman sitting on a bench on the grass", "a girl sitting on a bench near a grassy field", "woman sitting on the bench, on the bench", "on bench on bench on bench a a there sitting sitting on picture brunette a park", "woman sitting at the bottom of a wooden and brown bench", "a beautiful adult woman sitting on a bench on a bench", "a young woman on a bench smiling at the camera", "bench woman sit sitting sitting is sitting sitting sitting, with bench park seating sitting chair", "a woman is sitting on a bench she dressed by a scarf and sitting down", "a woman is sitting on a park bench", "a lady is sitting alone seated on a wooden bench", "sit on the it a - sits park girl sitting a the a a teenage sitting", "a smiling woman sitting on a wooden bench", "a woman sitting on a bench, smiling", "a lady sitting on alone on a bench", "the woman is sitting on a bench in a park", "a woman sitting on a bench in front of her is beautiful", "a woman sitting on a wood bench by a lake", "a woman is a park bench by a woman sitting on a bench", "a woman sits on a bench next to a purse", "a woman sitting on a bench sitting on a bench", "a sitting sitting is a sitting sitting outside on sitting smiling one the the on,", "a girl sitting on a bench in a park", "park bench bench wooden bench there sitting park a park park bench sitting sitting bench there", "a woman sitting on a wooden bench with heels on", "a woman sitting alone on a wooden bench", "a woman smiling on a bench in the grass", "a photo sitting on a bench sitting on a woman sitting", "a female sitting on a bench in a park", "sad sitting sitting outside sitting sitting sitting sitting sits sitting the wooden chair park sitting wood", "a bench with a woman sitting on it", "a woman sitting on a bench outside sitting on a wooden bench", "that sitting park park bench bench bench bench park bench smiling bench seated park park the", "a girl sitting on a wooden wooden bench", "a beautiful woman sitting on a long park bench near long grass", "a lady sitting on a bench in a park", "sitting wooden seated sitting benches on benches sitting benches sit bench park public sitting sitting sitting", "- seated on bench benches wooden park bench park a bench park bench sitting wooden bench", "a woman smiles as if she is sitting on a bench", "on sit benches bench sitting sitting benches in sitting sitting bench a woman sitting park sitting", "a woman sitting on a wooden bench smiling for a picture", "a lady sitting on the ends of a wooden bench", "sitting brown sitting with a sitting park sits sitting seat alone seater seated sitting bench park", "a pretty young woman sitting on a bench", "a woman seated on a wooden bench on a bench", "park looking in sit benches park park benches park park smiling bench seat bench smiling and", "a beautiful woman sitting on a bench in a park", "a woman sitting on a wooden bench talking on her cell phone", "a woman is sitting on a wooden park bench alone", "a woman sitting on a park bench posing sitting sitting", "a young woman sitting on a bench with a park bag", "a young woman is sitting on a wooden bench and posing for a picture", "a woman sitting on a wood bench with her hands on her lap,", "a smiling young woman sitting on a park bench", "a young woman outside on a wooden bench", "a woman sits on a wooden bench outside", "person sitting on a bench in, sitting on smiling", "a woman sitting on a bench on a sunny day", "a woman sitting on a bench that is being the best place to relax", "a person sitting on a bench on the park bench", "a woman sitting on a bench with her leg up", "park sitting sitting sitting benches park park bench sitting bench bench sitting sitting park bench sitting", "a woman sitting on a city bench in sun", "a woman is sitting sitter on a benches", "a smiling woman sitting on a bench in a park sitting down", "on a bench on sitting sitting seated sitting sitting that sitting sitting sitting of a park", "a woman sitting on a bench at a park", "a woman sitting on a bench in a park", "a girl sitting on a brown park bench sitting on a bench", "a woman sits with a bag on her lap on a bench", "a woman smiling sitting on a wooden park bench", "a woman sitting on a bench on a wooden park bench", "a little girl sits on a wooden bench", "woman on a wooden bench smiling and sitting", "a woman sitting on a bench sitting on it", "a woman sitting on a bench outside while holding a backpack", "sitting sitting bench on sitting sitting bench - benches sit bench on is on sitting on"], ["sitting sitting benches bench park sad stock alone sitting sitting benches bench sitting sad girl chair", "sitting sitting sitting sitting sits while sitting sitting resting sitting sitting sit sitting sitting sitting on", "sitting at on sitting a sits on park parks at there bench park park sitting sit", "a young girl sits on a wooden bench", "a woman sitting on a bench and a woman wearing a scarf looking up", "a girl sitting on a bench at the bus station", "a asian woman sitting on a bench on the grass", "a young woman wearing black pants sitting on a bench", "a woman sitting on a benches sitting down", "young sitting park bench outside a wood bench park sit a bench bench back bench an", "an a smiling girl sitting on a park bench looking up", "a woman lays her head on a bench", "a girl sitting on a bench looking over it", "park bench and sitting bench park brown in, sit sitting sitting bench, bench bench", "an asian woman sits on a bench", "a woman sitting on a bench looking down", "a sitting a sitting on a on sitting benches sitting sitting park park is sitting sitting", "sits sitting sitting a sitting sitting benches sitting sitting sitting sitting sitting a sitting sitting seating", "sitting park a sitting bench bench park park park bench is i bench sl bench bench", "sitting sitting sitting on outside sitting woman sitting on sitting bench on sitting sitting seat on", "a young man with an exhale of a kiss sitting on a park bench making", "a woman, sitting on a bench, is feeling what to do", "a sad woman sits siting on a bench bench", "woman sitting on a bench in china", "on a seat on bench a sit park park benches park park park a park bench", "sitting sleeping park park sitting sit bench bench sitting blowing park day sitting bench park sitting", "an image of a woman sitting on a bench", "a woman in a profile profile on a bench", "park on bench sits park sitting park bench bench the park bench bench park sits park", "sitting sit korea in bench with sit a park sitting park on smiling on hong on", "sits sitting park'sitting bench sits is quiet sitting sitting but bench on bench sitting", "a girl sitting on a park bench sitting down", "thoughtful looking out on a park bench looking upward", "a woman sitting on a wooden bench in the park", "park park park a woman sitting down is sit is a park bench outdoors on and", "a asian woman sitting in front of a wooden bench bench", "asian sit sitting sitting on an a bench on sitting sitting sits alone on sitting down", "sitting sit park bench sitting woman homeless to the bench bench park looking an sitting sitting", "on a sitting is bench sit park seated bench bench sit and is park on on", "a girl with red scarf and black jacket is sitting on a bench in the sunshine", "sitting sits alone park park lonely sitting bench on the sitting bench bench sitting park park", "a woman squatting sitting on a bench with her head on her stomach", "sitting on there chair bench is bench alone sitting sitting a sitting park sitting there on", "a young woman sitting on a bench looking away from camera", "a beautiful young woman is sitting on a wooden bench", "a woman wearing glasses sitting on a bench", "with woman asian sitting and sitting benches smiling sitting in park sitting on a sits park", "a woman sits on a bench while looking pensome", "a woman sitting on top of a brown bench", "a woman sitting on a wooden bench looking up", "laughing woman sitting on a wooden park bench", "a woman sitting on it's bench on a picnic bench", "female looking up on a park bench", "a young lady looking up sitting on a bench", "woman sitting on a park bench sitting alone on a bench", "a young female sitting on a park bench with her head resting on her hand", "on an a sit someone bench has bench a bench bench park benches a bench park", "a woman sitting on a bench on a park bench", "bench sitting benches bench benches park bench bench bench alone sitting homeless sitting sitting sit park", "a asian sitting sitting bench bench bench a park bench park park bench there on a", "looking up sitting on a park bench outside", "sitting in sitting seat park sit bench park brown bench bench is sitting bench outdoors bench", "a seat sitting sitting sitting seat sitting a sitting sit rest on seating sitting sitting bench", "park park park sit park sit bench on sitting alone the sitting sitting bench sitting bench", "a woman with a red and pink t - shirt sitting on a bench laughing", "man sitting sitting bench bench bench bench park bench bench metal bench park bench park empty", "a woman looks up as she is sitting on a wooden bench", "a person sitting on a wood bench with a t on", "a woman sitting on a bench, and wearing boots", "a women bench in waiting and bench waiting park park seat park bench sitting urban bench", "sitting sitting bench bench sitting park - an sitting park park park bench sitting sitting wooden", "woman sitting sit enjoying on a sitting open alone park park sitting laughing on park park", "sitting sitting on bench sitting bench sitting red a park sitting a a park sitting sitting", "sitting sitting sitting on park park bench on wooden park bench bench park outside bench park", "a woman is sitting on a wood park bench", "a woman sitting on a wooden wood bench", "a woman sitting on a wooden bench in front of trees", "an asian woman has restruct on a wooden park bench resting her eyes stretched", "park park bench on sitting a sitting sitting - sitting a sitting bench sit park park", "bench park sitting'bench sitting - a bench bench bench sitting bench bench bench rest", "sitting in sitting on looking asian on a i has, sitting sitting a a sitting", "a woman sitting on a wooden bench with her mouth in her hands", "park wood bench bench sitting seat the bench a bench bench bench park sitting city park", "a young woman sitting on a wooden bench", "on bench bench bench waiting and bench bench benches public bench bench - urban on bench", "a girl sits on a bench with its hands on her knees", "park sitting girl sitting bench sitting sat sitting bench sitting lonely sitting sitting benches sitting and", "a woman sitting on a wooden bench wearing tight boots and a red head bandanna", "of park bench bench bench an in woman a - the, sitting on bench park", "a woman with her eyes closed is sitting on a park bench looking out to the", "outdoor bus sitting in sitting sitting sitting has sitting sitting an sitting a - sitting under", "a woman wearing a scarf sitting on a park bench", "a woman sitting on a wooden bench in a park", "a woman sitting on a bench in a park", "women sitting on a bench looking at the viewer", "in sitting bench, sitting bench sitting sitting sitting sitting on bench sitting sitting sitting alone", "bench park bench bench park sitting park park a park sitting wood benches a bench public", "a very sad and pretty asian woman sitting on a park bench", "a woman sitting on a wooden wooden bench", "woman sitting on a bench looking very in the sky"], ["a black cat sitting on a wooden bench with a wooden bench made from wood", "a bench that has wood and a wooden top with a handle", "a black cat sitting on a park bench", "a cat sits on a carved wooden park bench", "a wooden bench on a wooden bench with a wooden bench", "a cat sitting on a bench on a cat sitting on a wooden bench", "a black cat sitting on top of a wooden bench", "a very cute little black cat sitting on a wooden bench", "a cat sitting on a wooden wooden bench bench next to a brick paved", "a cat sitting on a bench looking at the sun", "black cat sitting on a bench looking at the distance", "a cat sits on a wooden bench and stares toward the table", "the cats sit on the bench looking up at the sky", "a cat sitting on a bench outside it a brick walls", "a black cat is sitting on a bench", "a little cat sitting on a picnic bench", "in this black file, there is a picture of a black cat", "a small wooden bench sitting on top of a wooden table", "a cat is sitting on a bench outside", "a kitten sitting outside walking outside on top of a wooden bench", "a black cat is lounging on a wooden bench", "bench in front of stone wall in a park", "two cats sitting on table near one another", "cats are sitting and looking for things to be allowed", "a cat on a wooden bench looking out on the other side", "a cat sitting on top of a wooden bench", "a bench that is sitting on top of a wooden table", "a black cat looks off into a distance on a stone bench", "a cat sitting on a bench in a park", "a cat sitting on a wooden bench by itself", "a cat sitting on a wood bench and staring", "a black cat sitting on a bench", "a black cat sitting on a wooden wood bench", "a black cat sits on a bench in front of a dog", "a wooden bench sitting in front of a blurry background", "a photo of black fat cat sitting on bench", "a person sitting on a bench looking down", "a black wooden bench placed beneath a brick", "a cat sits on a park bench in front of a white flag", "a little black cat sitting on a bench on the side walkway", "a black cat standing on a wooden bench", "a cat on a table in front of an old clock", "a black cat sits on a large wooden bench", "a black kitten sitting on a small brick bench", "a bench sits on the side of a wooden table", "a wooden bench on wooden table made of wood", "a cat sitting on top of a wood slat", "a cat sitting on a wooden bench with focus on the side of it's", "side view of a black cat seated on a bench", "this black cat sits on a wooden bench", "a small park bench sits ready to sit on", "a cat sitting on a bench on top of a wooden bench", "a black cat is looking back at the camera", "a wooden bench on top of a wooden table", "a cat sits atop a table with no legs", "a cat and its shadow sitting on a wooden table", "black cat sitting on top of a wooden patio bench", "black cat sitting on wooden bench looking at camera", "a black cat sitting on the top of a wooden bench", "a lonely black cat sitting on a bench at the top of the park", "a wooden bench with a wooden bench underneath it", "a black kitten on a wooden bench looking over the back", "a cat sitting on a wooden bench on a wooden bench", "a small cat sitting on a bench alone", "wooden bench with sitting cat sitting on it on top of a wooden bench", "a black cat sitting at a wood bench, a wooden seat and a stone wall", "a bench on the side of a stone building", "a cat sits on a bench in front of a wooden bench", "a black cat sitting on a wooden bench in front of a cat", "a cat sitting on a bench by itself", "a black cat sitting on a wooden bench in a green room", "a black cat sitting on top of a rustic table", "a cat sitting on the bench in front of a wall", "a table sitting on a wooden bench with a cat sitting on top of it", "a man sitting on a wooden bench sitting next to another man", "a black cat sitting on a wooden bench outside", "a cat is sitting on some benches and sitting on an old bench", "a black cat sitting on a wooden bench alone cat sitting on a timber bench", "a cat sitting on a wooden bench looking intently at the camera", "cat standing on a park bench looking at something", "a black cat sitting on a bench near a table", "black cat sitting on stone bench on a park bench", "a black cat is sitting on a wooden bench", "a cat sitting on a bench on a paved area", "a cat sitting on a stone park bench", "a black cat sits on a wooden bench", "a black cat sitting on a wooden bench outdoors", "a black cat sitting on a bench outside", "cat bench cat bench sit, cat a cat wooden cat is bench cat bench black", "a black cat sitting on a wood bench", "a brown bench with a wooden shelf beside it", "the cat is sitting on the bench and is staring into the distance", "a bench to have in your lap", "a wooden bench sitting next to a stone wall", "a wooden bench with a cat face that is sitting down", "a kitten sitting on top of a wooden bench", "a cat black sitting on a bench sitting on wood", "a cat sitting on a bench and staring", "a cat is sitting on a wooden bench", "black cat sitting on a wood bench looking at the camera"]]}, {"question_id": 7269651, "question": "Is it true that there is at least 1 image that contains exactly 2 pillows that are on sofa that is near wood table?", "answer": "yes", "captions": [["the bed is covered with pillows and a white bedshelf", "this bedroom will look good for some people", "bedroom bedside wooden bedside nightstand table light lamp light small twin bedside bedside nightstand bedside bedroom", "all linened bedding and white pillow pillows and a blanket sit neatly between the", "bed wake bedside bedroom light in bedroom nightstand beds sleep end lamp in room wood wooden", "a hotel room bed made with white pillows", "a small side table with a night table and a night table with a drawer to", "there are pillows and pillows on a small bed", "a bed covered with pillows next to a nightstand table", "a bed on the end side of a table near a night stand next to a", "a bedroom has a white bed spread, night table, nightstand table, nightstand table", "a messy white bed has white sheets and pillows", "white bed sheets and pillows are on a nightstand table or table", "bed all white white bedside white made linen white white home bed white white is white", "a white bed in a bedroom next to a nightstand", "a bed with four pillows and sheets in a room", "the room has a bed with pillows, a nightstand and a night stand", "pillows made bed bed bed covered white pillows bed white bed made an white white white", "a bed sitting in a bedroom next to a night stand", "an unmade bed in a bedroom lit by sunlight", "a bed that has pillows on it and some white pillows in it", "a white bed with a wooden nightstand next to it", "a large queen's bed in a room with wood cabinets", "bedroom bed close and white lamp one bed wood bed at bedside bedroom bedside wooden bed", "nightstand neatly bed white bedroom bed white with sleep white made comfort white bed bedroom white", "a bed with a white blanket and large white comforter", "a white pillow is made in a comforter with two pillows", "bed with white sheets and white cover on it", "white sheets in hotel bedroom at night time", "a bedroom with no one on the bed", "a neatly made bed with white sheets under pillow covers", "a bed sitting in a bedroom next to a nightstand", "a bed with pillows and bedding made up", "a big bed sitting in a corner of a bedroom", "bedroom with a window is being at the desk with a night box on", "light reflected on the wall in a bedroom with white bedspread", "a bed with white pillows and sheets near the window", "a bed with a white comforter and pillows", "a bedroom with a bed that is white and a bedside table with a lamp", "a bed in white in a bedroom with nightstand on a nightstand", "a bed and a nightstand with a small desk near by", "a bed with a white comforter under a window", "a bed with many blankets and a table with a wood vanity on it", "a simple bedroom containing the clean white bed", "a white bed with two pillows next to a night stand with drawers", "sun sun bed light and the sunlight daylight light lights white sunlight light light sunlight sunlight", "a bed with a wooden night night stands at tables beside it", "a bed and a desk with a desk nightstand drawer and wooden chair", "a bedroom with two white beds on it and a nightstand beside the window", "bed with white pillow on a white bedspread and white pillows", "a bed with a white linen and a dresser beside a bed", "white pillows in white bedroom with bedside table", "a white bed with two pillows are shown", "bed in an older bedroom is made up and nicely made", "white bed white blanket bed is bed bed white white white white white white made and", "a white bed with pillows, sheets, and a bedside table, next to a", "a white colorless bed in a bare looking bedroom", "a bed with sheets, pillows and night stands on a table", "the light shining down at the pillows and pillows in the bedroom", "a bed with a white comforter under the cover", "bedroom scene with focus on window and light from windows", "a bed with a white covers is made and a bedside table", "light on the window outside the window", "bed that is made up with a white cover", "a room that appears to be a bed in some sort of night", "white a made bed with white neatly beds white white white white white white neatly white", "white bedroom the nightstand sun white and bed bed and sleep lamps light white hotel made", "small bedside desk next to bed in small bedroom", "a large white bed sitting under a window with blind", "a bed with some sheets and pillows on it", "bed with pillows and white sheets with one white plain pillow", "the bedroom is lit by a small night night lamp", "a white bed with an duvet and nightstand", "a white comforter laying on a white bed", "a bed room with a small desk and bright light", "a bedroom scene with a bed, nightstand table and computer table", "a lit bedroom is photographed at a low table", "white made bed with white linens sitting a night", "covered bed white bed bed white white white white white covered white white white white white", "a bedroom has a well lit light coming through a window", "a bed with a night stand and a small table with a night stand", "a bed that has a nightstand next to it", "a single layer of quilt on a large bed", "a bed with all white pillows and blankets", "a bed in a bedroom with light shining through a window", "a bedroom with a wooden night stand, small nightstand, pillows, bed, and", "an empty bed at a nightstand table night side table bedside wooden nightstand end table head", "a large bed in a bedroom with two lamps on the side, and a brown", "a bed has one lamp beside the bedside table a window is shown behind a table", "bed bedroom made on two bedside tables at night side on nightstand with end nightstand table", "the bed that is made up has pillows on the bed pillow", "a bed covered in white linen pillows and white blankets", "bedroom with a light coming out of windows", "white linen white white white bed white mattress, white bed set - bed white white", "a neatly made bed next to a nightstand and windows", "a bed in a bedroom with a wooden nightstand side table", "lit small nightstand lit in bed wooden bedroom bedroom light in wood morning bed made sun", "a large white bed sitting next to a table", "pillows a small night stand and some tables and a bed", "a bed with white sheets, a bedside table and three lamps"], ["bed red red beds red bedroom and red bed red red bed red twin bed bed", "a bedroom with red bedspread and red blankets", "a bed with a neatly made frame underneath it", "very neatly bed in twin size with red bed linen", "red blankets covered red and white comforters in a bright room", "a bed with an elephant on it", "a very beautiful red beds linen, but its not yet", "a photograph on the wall near a picture of bear", "bedroom sitting in a sunny sunlight by a window", "a bedroom with an orange red comforter next to a dresser", "bedroom bed nightstand made bed bed in - bed dresser a bed bedroom bedroom bed bedroom", "a bed single bed red bed the bed red red red red red in red red", "a small bed by a side table is red", "a bedroom with bed and one table near the window", "bedroom a bedroom bedroom a red red a red bed red bedroom pillows bedroom white red", "a double bed and headboard and dresser nightstand on a bed", "a bed room with a bed and a lamp", "a red bed with large picture on a wall in a bedroom", "comfort a picture artwork has bedroom head and bed in and a this twin bed comfort", "bedroom room room there red framed bedroom bed red bed bedroom bed a bedroom living is", "the bedspread sits on tiled tiles beside night stands", "bedroom red an bedroom red red red red and red red red picture made framed bed", "a red color bed set next to an orange bed cover", "red bedroom, a in has bed red red modern red red comfort photo bedroom hotel", "red red red red red bedroom orange bed for bed bedroom bed hotel bed red red", "the bedroom with a wooden window opening out to the outdoor", "bedroom bed red bedroom hotel bed bed bedroom by red red nightstand red bedroom bed pillows", "a red red bedroom in a small home bedroom", "art framed on a wall next to a bed set", "red red comfort bed red bed is red bed a a bed red orange wood red", "a single bed sitting in a bedroom next to a window", "bed beds, red twin a bed bright single beds bed red red red in bed", "bedroom with red bedspree red comfortr and wooden nightstand", "a bed in a room with a open glass door and a painting hanging out of", "a living room with red blanket, a painting and chest of drawers", "a room has a frame on the wall above the twin bed", "a bed with a red comforter is shown", "a red bed with red covers on it", "a bed with a red blanket and pillows", "the room is bedroom with a twin size bed", "bed bed bed large bedroom bed blanket picture bed picture bedroom a a a empty child", "a bedroom with brick walls in a building", "a small bed in a tidy lit bedroom", "hotel bed'in a bedroom by paul's art work", "an old time double bed and night stand are on a side table and side end", "the and one bed bed bed bed bedroom - bedroom room bed a a bed bedroom", "a bedroom has an art hanging by a picture", "a bed with a red bed spread and a single bed", "a very neat bedroom with sun shining on the bedroom", "a bedroom with a red bed in it", "the man is sitting alone on the nightstand by himself", "a sun shadow falls on the bed and dresser in front of wooden door", "view bed bedroom bedroom bedroom bed a bed bed one bedroom bedroom is bedroom bedroom", "a bed is bedroom red orange and red red red bed cover", "this bedroom has two bed spread and a red brick brick fireplace", "a bedroom with a neatly made bed sitting next to some night stand", "a well red a bedroom red red red red red red red red red red red", "bed is sitting in front of the glass windows", "a bed sits in the corner next to brick wall", "bed is very furnished and sunny sunny, in this bedroom", "the small made bed stands next to a chair and nightstand with a brick fireplace", "a room with a bed and an empty speaker on it", "red red un twin red red bedroom, red red bed red bed bed bed bed", "a picture hanging on the wall on the wall of the room", "red bedroom modern red bedding red red colors made bed", "a bedroom with a red bed is shown opened up and out to outdoors", "a view looking out to a doorway in a house", "a double bedroom with photo on the wall", "there are a close up of bedroom with a red bed", "red red red red red red bed all beds red red bed red cardinal in bed", "there canvas a a there picture painting on a a the small light side picture lamp", "bedroom with a bed and two other wall art images", "a red bed room has a desk and shelves", "a red bedspread sits near a night stand", "bed a bedroom single a red bedroom bedroom bed cover bedroom bed bed mattress bedroom red", "picture lamp wooden dresser room in view light bedroom bedroom wooden wooden window a picture side", "a large bed in a bedroom with red brick walls", "a small bed with a red cover in a room", "sun sunlight bed lamp light a light sunrise bedroom red sunlight brick bed bed a bed", "a bed that is sitting under some lights", "two picture of a picture above a wooden picture in there bedroom", "a very neat bedroom is displaying a bed, lamp, side table, and teddy", "bedroom with red comforter and wood shutters", "an empty bed with maroon bed linen", "an old picture in front of a red bed", "hotel bed bedroom bed wooden made s and made room single bed bedroom bed bedroom bed", "a well made bed with a large poster on the wall", "a hotel bed sitting is near a window blinds", "a black dog hanging on a rug standing alone", "this small room is full of comfort and bed is red", "a bedroom setting with a wooden night lamp, side tables and a nightstand table", "a bedroom with red bed covers on by sliding door", "a single room bedroom in an outside bedroom", "there is a red bed in a bedroom next to a open door", "a bedroom bedroom with an empty bed next to a table", "bed a a bedroom bedroom wood'bedroom twin bed bedroom bed bedroom bedroom bedroom bed", "a bedroom room and a chair", "a - bedroom bed bed a bed bed red window red bed bed and in red", "bedroom small it a bedroom a bed a bed bed bed nightstand bedroom bed bedroom bed", "there is bedroom overlooking the outside outside"], ["a small bed with book case behind it", "bedroom pillows bed in pillows room green twin in pillows covers, green pillows pillow green", "a bed room with a wooden shelf and lamp", "a twin in bedroom made room room pillows bedroom bedroom room and bedroom bedroom bedroom on", "a small bedroom with white walls and a bed with two cases on the legs", "a room with a bed and there pillow covers on", "a very nice bedroom with bed, books, and other things", "a small twin bed with a little book case on the night stand in the corner", "a bed in a bedroom with a bookshelf on the side of the bed", "a bedroom with a bed, cabinets and a lamp", "a small room featuring bookshelvers and a bookshelf with a lamp that", "a tiny bedroom with a light hanging over the bed", "a child's room with a small table and a little boy", "a bed with some pillows a book shelf shelves a bookshelf", "a small bed with pillows and pillow boxes under it", "a bed sitting next to a shelf next to a nightstand table", "a bed room with a tv a nightstand and a bed", "a small bed with blankets pillows and pillows", "a bedroom that has a lot of books and bookshelves by it", "a single bedroom with a small bed and a chandelier", "i bed is decorated with pillows, pillows and a plain sheet on it", "bed bed pillow pillow bed comfort a bed bed bed is comfort bed pillows pillow in", "the bedroom features a small bed and a shelf and book shelf for storage", "a picture of someones bedroom and bed", "a small dorm room holds two pillows, a night stand and two small tables", "a little bedroom, with a single bed next to a nightstand with a side table", "a bed and pillows in a small bedroom", "a single bed with brown pillow in a room", "bed bed single twin bed room beds bed bed twin home bed bed and bed bed", "blanketed bedspread with pillows and colorful pillows", "a bedroom with a small small bed and bookshelf", "bed bed pillows pillows and a night table", "this is a tiny bedroom with a bed and a book case", "pillows and duvet pillows sit on a bed bed with a brown pillow, a", "night nightstand lamp a nightstand shelf bedroom in book sitting a stacked in made folded wooden", "a bed with two pillows next to a bookshelf", "two pillows and pillows in a room and some frames", "pillow and cushion pillows on small single made bed", "pillows are being piled on a bookshelf and nightstand", "a bedroom with a bed a bookcase and pillows", "a bed with many pillows and pillows and small corner table with an end table", "a small white bed with lots of pillows on it", "a small bedroom with bed that has a picture on the tv", "a bed with many pillows and some pictures", "a room with a bed, a nightstand with lots of magazines, books and a", "a bed with pillows and sheets stacked on a wall", "a bed with three pillows on it next to a bookshelf and some pillows", "books pillow comfort and and wooden room bed comfort small bedroom bed lamp bed bed made", "brown throw pillows sit on the small bed that is covered in pillows", "a small single bed is near many books", "a simple bedroom with a simple bed and desk", "an empty bedroom with a large single bed", "a bed with pillows, pillows and several book books on the shelf", "beds pillows covers bed pillow bedroom pillow pillows pillows on lu comfort throw bed beds pillows", "a bedroom with a twin bed and small table", "a pillow case covered with pillows next to a book shelf", "a bed with pillows pillows and some pillows", "a bed room with pillows and pillow on it", "a bedroom scene with a bed and pillow", "a small sleeping room with a neatly made bed", "a small bed with pillows sitting alongside nightstand table", "a bed with two pillows, a nightstand table and some pillows", "a bedroom with bookshelves along side this closet and a small book shelf", "a bedroom with a double bed and a nightstand", "a small small bedroom with white walls and a book shelf next to a bed", "a bed with headgead sitting behind two pillows in a room beside bookcase", "the room is clean and ready to be used as a kid's bedroom", "an empty personal bed in a small bedroom", "a small bed covered in pillows and a light above", "a bed with a headboard that has been made", "pillows and pillows in a bedroom with decorative lighting", "a bedroom with a brown bed is placed small", "a bedroom with two beds, nightstand and lamps", "a bedroom with brown and green pillows pillows and pillows on a white colored bed", "a bedroom scene of a bedroom with a bed, shelf on the floor", "the bed is neatly made and the books in the box", "a corner book shelf next to a bookcase", "bedroom in private dormitory for male student in san depede students dormitory", "a bedroom with pillows, a pillow and a blanket", "a bedroom with a lamp, small small shelf and a lamp shade", "a small bed in a room with a brown book shelf and pillow", "a bed with pillows and a light brown blanket on it", "a bed, book - shelvings, and pillows in an otherwise cramped bedroom", "a small bedroom with a small bed in it", "bedroom bed in bed in corner bed a bedroom a a bedroom bed bed bed s", "a bed with a white pillow and a pillow case and two green pillows", "a bed that has pillows, pillows, cushions on it", "a well and organized bedroom has green pillows", "a wood shelves and a small book shelf with pillows", "a big cute bed sitting in a room", "a room with a small shelf shelf, books, lamp, and toy and a", "a shelf a lamp a book shelf some pillows and some pillows", "a bedroom with an orange headboard, a dark green blanket, green pillows and", "a bed in a bedroom next to a wooden shelves", "bedroom small bedroom bedroom bed small bedroom pillow magazines pillows bed bedroom furniture bed pillows pillows", "a bed with pillows and pillow and a bookshelf", "bed with gray comforter, pillowcase and toy building engine", "a small bed on a small bed in a small room", "an un made bed with two pillows in a bedroom", "a small bedroom that has a bookshelf in the corner"], ["a dog wearing a cone collar sitting on a table next to a couch", "that would have been very much fun in the world when you had him with a", "a boy is wearing a banda on his neck", "a dog wearing a cone around its neck on a pillow", "a brown poo on a sofa sofa with a dog behind it", "a brown dog wearing a rubber head and a collar next to a wooden table", "a small dog with a cone is sitting on top of a table", "a puppy sits atop a coffeetable on a messy couch", "a dog with a cone around its head", "a dog with a cone over it's neck", "a white cone sitting on top of a table", "a cone collar on the arm of a couch pillow", "a wooden table topped with an end table holding a table", "a dog with a cone on its head that is on a table", "dog with tear out sitting on his table looking at camera while lying down", "brown lying dogs coffee coffee and papers couch dog dog dog dog with sitting sofa dogs", "a collar that is covering a baby's conical neck", "a dog on a coffee table that is close to a couch", "a very cute dog sitting on a couch at a living room", "a brown dog laying its head on a small table on a table", "on puppy in dog lying white dog laying dog lab lying labrador brown lying sitting pet", "pillows and furniture sitting on the table on display", "plastic cone cone cone cones cone, cone cone cone cone cone cone - on plastic", "a dog wearing a cone on his neck on a table", "a table with some sheets covering a cone on it", "a brown table topped with a table top next to a brown couch", " while pillow dog on in there pillows a a the dog wearing and dog dog", "a small coffee table with some papers and a table", "brown coffee end and coffee brown on rest a a end wooden one wooden coffee coffee", "a table with a pet dog on it on top of a wooden table", "a dog laying on a couch with a cone on his head", "cone pillow cone cone cone cone cones sham cone pillows cone cone cone cone cone cone", "a dog wearing a protective cone on a sofa", "a dog with a collar on sits on a wooden coffee table on a bed", "the wooden end table is littered the small wood table", "a dog wears a cone after his owner, a man and a woman fell from", "a white dog sitting on a table near a table", "a dog with a plastic cone on its head laying on a couch", "a brown dog wearing a cone on its head on a table", "a dog wearing a cone sitting on a couch", "a dog with a collar around his neck lying on a table", "a brown dog lies head on a table with a pillow and pillow", "a single dog wearing a cone around his neck lies on a couch pillow", "wooden brown table cord table wood wooden pillow wooden furniture brown sit coffee on around furniture", "a wooden table topped with a wooden coffee table with brown chairs and cushion pillows", "a dog is on a couch next to a table", "one dog is sitting on a coffee table", "a small dog sits on a cluttered chair and there is a wooden legs and", "this is an image of a dog with a collar on a sofa", "cone cone cone cone cone cone pet cone white cone cone cone cone cone cone in", "a dog wearing his cone on its neck lying on the couch", "a dog with a paper head is sitting on a table", "plastic cone with sitting cone with cone safety covering on a triangle equipment cone with plastic", "a table topped with pillows next to a brown coffee table", "yellow dog sitting on a sofa looking at the camera with a cone on his head", "cone on dog dog on in dog neck dog laying dog - with dog dog a", "a table on a table with a dog on it", "a dog sitting on top of a coffee table next to a coffee table", "a white cone shaped neck sitting on top of a wooden table", "a small dog with a cone is sitting on a coffee table", "a a a a a wearing brown s small cone sitting cone cone a that sitting", "a dog is wearing a cone on its bandanna over a table", "a wooden pillow with a brown table with a gold sofa", "cone injured cone cone cone lying desk wearing in cone cone cone a cone wooden cone", "a brown dog is sitting on the couch with a table near by him", "cone collar sitting cone dog sitting therapy collar on sit cone cone cone there dog cone", "a dog wearing a cone and on a pillow", "puppies sitting on a sofa next to a table with a keyboard", "the coffee table has a coffee table with wood tables and a sofa behind it", "puppy cone cone brown cone dr in cone cone with cone on cone cone cone cone", "lab the cone dog wears cone lying dog dog dog wrapped dog dog dog dog,", "a brown table on a coffee table under a table", "a dog with a cone on its head next to a table at the end", "cone cone cone cones cone cone cone collar cone cone cone cone cone cone cone cone", "a sofa with a chair and a side table with a pillow on it", "a dog sits on a couch at a side table", "a small dog wearing a cone on its head", "a small small table with a small coffee table on top of it", "a brown dog wearing a large plastic cone on a small table", "a dog in a cone chewing it from a pillow", "a small table with a wooden table holding a wooden wooden table with a table covered", "a brown coffee table sitting on a coffee table next to a brown couch", "a dog wearing a large cone for his neck on a chair", "a brown dog sleeping on a wooden table on a coffee table", "a dog laying on couch with a cone on it's head", "a sofa with a table on a table", "a dog wearing a cone on its collar", "a golden retriever dog on a couch", "a brown wood coffee table holds a little coffee table in front of a coffee table", "a dog with a collar around its collar sitting on a table", "collar sofa sp cone cone cone pillows cone table cone cone cone dr cone cone cones", "a table that has a bottle on top of it", "- a cone cone cone cone sitting collar cone collar, dog dog cone cone laying", "dog dr cone cone cone therapy cone cones cone cone on cone cone cone cone in", "a person with a cone on their head is sitting on a couch", "a dog wearing an orname hanging out his collar while sitting on a chair", "a pillow with a cat wearing a big collar is setting on a bed", "a dog sits on a pillow on a pillow and is on a desk next to", "a small dog with a cone on its head rests in its mouth with a plastic", "and, cone on head of being looking end a and has sitting fell in is"], ["a small bed cover is wrapped before an afternoon of waking", "bed bed blanket patch queen king bed in at sleep blanket and night sleep and linen", "a bed with a blanket on top of it", "a neatly made bed in a white house", "an unmade bed in a bedroom with a nightstand with night table", "a bed sitting under a lamp next to a night stand", "bedroom scene with focus on a bed, night table and a nightstand", "a bed that has a lot of pillows down on it", "a bed in a bedroom with a light on on it", "a messy lamp near the nightstand in a bedroom", "a bed with a colorful blanket and bags in a room", "it is nighttime and is dim, and the bed is laid down for guests to", "a mattress that might have been placed on the bed to help protect it", "open bag on a bed with blankets in an apartment", "a messy bed spread is laid on it in front of a lamp", "a bed with a messy bed cover on it and two lights on a night table", "a bed with pillows has a lamp next to it", "the nightstand this night night in bedroom end night bed in end bedroom furniture night bed", "illuminated lamp on an elegant bed in a dim light", "a brown nightstand a night table and some pillows and books", "there are various decorations on a nightstand that are next to night stands", "a lamp and a nightstand with a table covered with newspapers", "folded un a in home bed made home night in night made bed a made in", "bed the the on bed that bed beds bed up mattress a night in bed beds", "night scene with two nightstand lights and a very dimly dimly lamp", "a full bed in a small room with a nightstand", "a bed with many sheets and pillows sitting next to two night stands", "small bed sitting in a small bedroom with a night table and nightstand with a lamp", "bedroom un piles on messy messy messy nightstand messy comfort piled bag messy blanket a pillows", "a night shot shows an un comfy bed in a room", "a table with a table lamp and a wooden dresser filled with a bed", "the bed is neatly made and is very neatly organized", "a bed set up with a lot of magazine laying on top of it", "a bed in a bedroom under 2 lamps", "a large bedroom with a bed with a night stand and bedside table", "in bed and bed brown messy bed on beds un bed neatly on bed neatly bed", "a bag of luggage left on the floor in the middle of a room", "a small bedroom with an old light and a bedside table with drawers below", "a bedroom with a bed and chest of drawers", "a table has a lamp on it on it", "a messy messy bed with blankets, sheets, and pillows on the mattress", "a bed with a wooden bed frames around bedside table", "a bed next to a dresser with a lamp next to it", "a bedroom scene with a bed and night stand", "a bed and side table with a lamp on with a lamp on top of it", "a blanket that is sitting on a metal bed", "a bed with pictures above it next to a table", "a bed sitting in a room filled with furniture", "a messy bed sitting under the canopy next to two nightstands", "a bed with white and yellow floral sheets sit beside two night stands", "this bed has a blanket and two bedside lamps", "a bedroom with a night table in the background", "messy bedroom in a home on the right, on a night table with two bags", "a bed with a bedroom with a nightstand table and a lamp", "a bed that is in a bedroom next to a nightstand", "a bed in a bedroom with a messy blanket on top of it", "an unmade bed is placed next to a hand bag", "there is a handbag on a bed in the corner", "a bedroom view of a folded bed and side table", "a bed with two nightstands and a nightstand with a lamp on the side", "a small bed and a nightstand stand beside a table", "a nightstand table next to a night table and night stand", "messy bed in someones bedroom with messy messy bedroom items on the night table", "a dark night with a bed, table and lamps", "a twin bedspread and nightstand table are in front of a picture hanging on", "our folded bed in the bedroom of a home", "bed com bed bed cover brown bed comfort du pillows four bed bed bed in bed", "a table with an open blanket and bedside tables", "a bed that is sitting next to some night shades on the nightstand", "a messy bedroom bed and bedside table", "a bed that is on a desk and lamps", "pillows and blankets sitting on a bed with a nightstand", "the blanket is sitting on the bed in the bedroom", "a messy bed with blankets on the bottom and a messy blanket in on the bed", "bed bed covers bed bed messy messy bed bed down covers magazine piles bed bed bed", "an unmade bed in a house with a stack of sheets up on the table", "unmade bed with large pillows and many pillows", "a bed with a blanket and pillows on it", "bed dimly bed bed bed bed on bedroom a comfort a night bed bed bed bed", "a bedroom area with bed room comforter and items", "a bed made up with many pillows in a bedroom", "bed sitting in a very small room with two lamps on the bedside tables", "bedroom with two night lamps on table lamps and small bed", "a bed is neatly made, with a blanket and a night stand", "a bed with a messy messy messy bedroom on it", "a messy room is lit at night with a bedside that needs repair", "this bedroom was very small enough for a bed", "a bedroom with a lot of stuff on top of the bed", "a bed with a brown blanket and blanket on top of the bed", "a bed with night side nightstands beside it", "a white hat a bag a table and a bed", "a brown and white bed next to bed with pillows and pillows", "a bed with three pillows and pillows is sitting on a brown frame", "a bed with a blanket on it in a room with a picture hanging on the", "a bed sitting near a night stand with two night stands", "a small bedroom with no lamps lights has a messy bed with a messy pile", "bedside next bedside bedside bedroom bed night nightstand bedroom bed bedside nightstand bedroom end bed nightstand", "a bed is made up with the covers folded over it", "a small lamp sitting on the side of a table next to a bed", "a small bed is in a bedroom with blankets"]]}, {"question_id": 7031607, "question": "How many images with women that are riding a scooter and are wearing a helmet?", "answer": "2", "captions": [["a woman and man standing atop a large elephant", "a woman sitting on the back of an elephant while a woman talks with a small", "a small girl wearing headdress riding on an elephant", "a elephant with a woman riding in it's back carry", "a women is sitting on an elephant with elephants around her", "a woman and an asian girl ride on an elephant", "woman and her headband sitting on an elephant in the shade", "a large elephant with a person is carrying a woman", "two people riding an elephant down the river", "a person riding an elephant with a red red chair", "a woman riding on top of an elephant with a side braid", "a woman rides on an elephant as she walks", "a man that are sitting on an elephant", "a picture of a woman in native attire and hat", "a woman and a boy riding on an elephant", "people riding an elephants'elephant during a trip", "an elephant wearing a head band with people riding on it", "young women riding and elephant moving back down a man and elephant", "woman and child sitting on an elephant with a woman laughing", "an indian woman and her kids riding on the back of an elephant", "a woman and a little girl riding on the back of a huge elephant", "asian woman talking on the back of an elephant", "a woman and two women smiling in the jungle", "a woman laughing out and driving on top of an elephant", "adult on back of large horse being ridden by women", "a elephant with a woman riding on top of it", "a woman and a boy ride on an elephant in an open field", "a woman and two children are riding on an elephant", "the best elephant ride on an elephant's belly for a woman and their elephant", "a woman is on an elephant with a happy customer", "people are sitting on an el elephant while a woman looks at the camera as she", "a woman and child ride on an elephant", "a woman standing on the back of an elephant wearing a head band", "a woman is riding an elephant in the open", "a woman and child are riding on the back of an elephant", "a woman with a bandanna on her head smiles as she rides on an elephant", "a woman and a girl riding the back of an elephant", "an elephant with a red seat with its back and its body down", "a small elephant carries a people sitting on it", "a woman and her family ride on a elephant", "a woman is smiling while riding an elephant", "a woman is riding an elephant while she is holding a man and standing on top", "a woman and a girl on an elephant in front of people", "a woman riding on the back of an elephant", "a young woman riding on the back of an elephant", "a man riding an elephant with a young child on it", "elephant on road heading up to jungle", "the woman is riding atop an elephant in the jungle", "a woman is riding on an elephant that has a white headband", "a woman and a man are riding top of an elephant", "an elephant traveling down the road, a woman, and a girl are enjoying an", "a lady is riding on the back of an elephant", "a woman sitting on an elephant's back while a man stands behind", "a woman with a young girl looks into the camera with an adult smiling at the", "a family sits in the back of a wagon on an elephant", "a woman is riding on top of an elephant", "a woman rides a small elephant with an ear headdress on", "two women and a child sitting on top of a elephant", "group of adult elephants walking with adult giving child something to each other", "a woman in a white headband rides on a medium sized elephant", "woman in head band rides on elephant with people in it", "a woman in headband riding an elephant with other people on it", "a group of people riding an elephant down a wooded path", "an adult, a kid and two children are riding on an elephant", "a woman and two children are sitting on a basket", "the woman and a headband is riding on an elephant", "a woman stands with her back on an elephant", "a woman and child is riding an open air elephant", "a young woman stands under a canopy while a young man watches", "an adult and a young woman riding on the back of an elephant", "a happy woman and a woman riding an elephant", "the woman and her daughter sit in the seat on the back of the elephant", "a woman on a large elephant with a woman and child in the back", "a smiling woman and a woman sitting in a red chair", "a woman and a boy on an elephant on a sunny day", "a women driving an elephant with a woman sitting on the back", "a woman sitting on the back of an elephant with another woman who is on top", "smiling woman next to elephants with people riding them", "a woman holding a child on top of an elephant", "woman riding back on an elephant with her chinband up", "a woman riding on with a little boy on its back", "a woman and a girl riding an elephant on the back of it", "a woman and a kid ride a small cart in the water", "a woman is riding on the back of an elephant", "a woman and some people in a red wagon", "an image of woman and family riding on the top of an an elephant", "woman in headband on elephant with sidecard and headband braidra", "a woman is riding an elephant and smiling", "a woman smiles while riding an elephant while wearing garb", "a woman with a man sitting on top the back of an elephant, laughing", "a woman and her young son are atop an elephant", "a woman stands standing as she drives an elephant", "there is a man sitting on the back of an elephant", "a woman and child riding on top of an elephant", "a woman and a child on an elephant in an africa", "there are woman riding on the back of an elephant carrying a red cart", "woman in bandana and head wrap riding an elephant", "a lady and children ride on an elephant", "a lady and a man are on an elephant with a woman and a baby sitting", "a woman sits on an elephant and sits with a woman in a headband and"], ["two people riding on a scooter and other on the back of it", "a man and a woman riding a scooter and holding helmets and posing", "the two people are riding their scooter together", "two people sitting on a motor scooter riding side", "and sc helmet two riding riding helmets skate and helmets riding motorcycle riding with riding riders", "a young couple is riding on a moped together", "a two people riding on the back of a motorcycle", "a couple is riding the motorcycle with helmets on", "two two mo two there passengers people two two two two two couple go riders two", "a couple driving a motorcycle down a street with two young men on top", "two children riding on the back of a motorcycle with a blurry photo of them", "two people wearing helmets riding on a moped", "an adult and a little girl are riding a man on a scooter", "two children ride on a motorcycle while carrying helmets", "motorcycles and scooters are blurry and in motion while two women are riding", "a blurry photo of a man and a woman riding a red scooter", "a couple of people riding on top of a motorcycle", "a two couple are motor shot helmets motorcycles riding riders a blur two motor and two", "riding riding and two on blur while blur blur two motor motor blurred blur woman blur", "helmets two motor riding the two riding, two two two person riding helmets two motorcycles", "a boy and a girl riding on a red scooter", "two people are riding on a red motor scooter", "a couple riding a motor scooter and smiling at the camera", "a young couple is riding a red motorcycle", "two people riding on a scooter wearing helmets", "a couple of people riding on the back of a motor scooter", "three two riding motor motor riding a motor two motorcycle two two, two two two", "a young couple rides a scooted motorcycle in front of a large building", "the two people are riding on a scooter", "two people wearing helmets riding on a motorcycle", "two people wearing helmets sitting on a bike", "picture of man and woman riding motorcycle, with a blurry background", "two people wearing helmets riding on a moped and wearing helmets and wearing helmets", "man and woman riding a red motorcycle with blurry image of a building in the", "blurred and zoom couple racing go blur motorcycle picture, together blurred tandem motor speed motor", "the couple on a scooter are riding together", "a young couple rides on a red scooter and a red motor scoot", "the man and woman are riding the two man moped together", "a girl and boy are racing down a small city street on a duc moped", "a couple riding a couple on a scooter behind side a car", "a woman wearing a helmet while riding a red scooter", "a woman and a men in matching tank top and helmet on the back of a", "blur photograph of young couple on small scooter", "a couple riding on the back of a motorcycle together", "a woman giving a peace sign while riding on a motor scooter", "a pair riding a four wheeler scooter, with blur", "helmets, biker helmets motor biker speed helmets helmets and cas helmet motorcycle behind motorcycle being", "a couple sits on a red colored scooter", "two people on a little moped are riding together", "two people ride a small motorcycle outside on a street", "motor motorcycle and two two two a a the lady two riding two two two two", "a photo of people that is riding a scooter", "couple speed three driving this moving blur blur blurred speed blur blur a blur blurred motion", "both the woman is riding on a scooter and the woman is riding a", "blurred camera motion a blurred driving motion blurred motion blurred motorcycle blur blur riding two that", "with and riding riding motorcycle young two riding and riding with riding helmets riding riding speed", "two women on motorcycle with helmets on", "two people riding a scooter talking to each other", "a man in a helmet on a woman in a black helmet", "a family riding a scooter on a city street", "two people in helmets, helmets and helmets ride a moped sc4 motorbi", "a blurry photo of two women riding a mo scooter", "people speeding a this blur motorcycle blur blur blurred two riding motion helmets and speeding a", "motorcycle motor couple motor motorcycle the motor sc speed motorcycles motorcycle motor on, motor motorcycle", "two people in a motion with a motorcycle", "on motorcycles while riding is and driving motorcycle that ve talking motorcycles motorcycle blur go with", "riding motor riding motor motorcycles driving two the blur biker two on two pair motor two", "two young people riding on a scooter while a man on the back", "blur blur speeding two blur blur blur speeding a blur photo blur blur blur speeding motorcycles", "a couple riding a scooter with helmets on", "a group of three people riding on a small scooter", "a lady and man riding on a motor scooter", "two children on a motor scooter having fun", "a couple in helmets riding on a scooter", "a man and woman are on a motor scooter", "two women in helmets are riding on a motorcycle", "blurd image of a biker ride and a boy on a scooter", "two people riding the same scooter both wearing helmets", "a couple of people riding on the back of a scooter", "a couple is riding atop a red scooter with a man riding on it", "on riding two as two sc two sc two two two riding using sc sc riding", "a man and a girl on a scooter being ride, with helmet on", "and riding being riding riding the two helmets blurred couple one motor people speed riding biker", "a blurry image of two people on a scooter with motorized bikes", "motion on blur blurred and blur motion taking motion blur blur motion blurred blurred two motion", "their are people riding atop each other on a scooter", "a couple riding a scooter outside of a building", "a man on a scooter with a man riding a motor bike with a", "a couple on a scooter ride, with some people", "man and woman on scooter riding helmet helmets, shorts and beach shorts on", "riding driving on blurred motorcycle driving on the helmets blurred motors go riding, riding one", "a couple rides a scooter and watches with their ear phones", "motorcycle two two motorized - two on riding mo driving driver driven motor sc two blur", "a woman and man on a scooter", "two people riding a red scooter with helmets on", "a boy looks at his phone while riding his red scooter", "two people are riding a motorcycle and one of it is a blurry image", "helmet speed pair two a riding motorcycle helmets two bike motorcycles riding traffic and helmets a", "two people ride motorcycle down the street while another watches", "a couple of people riding on the back of a motor vehicle"], ["a man in white shirt doing wheely thing on a skateboard", "a skateboarder is upside down on his head", "a man on a skateboard doing a handstand", "a skateboarder doing tricks on his board on a high jump", "the person is balancing on a pair of shoes", "person on skateboard doing a flip while doing a flip in the air", "a skateboarder high in the air doing a trick", "a man doing handstands up on a ramp", "a man upsides upside down in the mud with his shoe", "a man in a kick flip while riding his skateboard", "a skateboarder is doing a hand stand above his head", "a man hanging upside down as the guy does a handstand kick flip", "a man hanging in the air on their hands", "a man riding a skateboard up a steep incline", "a man skate boarding and one hand stand upside down", "a man performing back flip against his head", "a man on a skateboard is doing a trick in the air", "a man doing a wheelie on one arm in the air", "the person is upside - down in the air on a skateboard", "a man upside down with his skateboard on his back", "a skateboarder jumps and kickspaced down on his skate board", "a person standing on a skate board in the air", "a man in white skateboarding clothes doing a trick", "a man is doing skateboard tricks at the top of a ramp", "a person doing a handstand with his foot", "a skateboarder is airborne on a skate board ramp", "a flip a falling break back overhead upside a doing his trick standing upside a upside", "a person doing a hand stand with his feet", "the man is upside down in the blue sky", "a young man sitting on a skateboard and doing a hand stand", "the person has his legs and flip is in the face", "a person riding a skateboard standing upside down", "a woman is doing a hand stand on a skateboard", "a person suspended upside down in the air", "ac a hands upside flip upside park a man upside a a ac man standing boy", "a man in mid - air doing a maneuver on a skateboard", "a man doing a handstand while riding a skateboard", "the man rides his skateboard up the ground", "a person is seen suspended with his leg into the air", "a boy upside down playing an acrobatic trick", "a man riding a skateboard across the air", "a man is performing a hand dance stunt", "a person is doing a handstand on a skateboard", "a skateboarder is upside down in air", "the man is flipping over his feet on a skateboard", "a man is upside down on top of a skateboard", "a man performing skateboarding cartwheels on a board", "person upside down doing a handstand while standing against his head", "man hanging upside down in the air while riding a skateboard", "person upside down with skateboards in their feet", "a man high overhead in the sky doing a handstand", "the skateboard is on a board in the air", "the legs of a man does a hand stand on a surfboard", "there is a teeny skateboarder riding up a ramp", "a person doing handstand in the air on a skateboard", "a person on a skateboard is doing a trick", "a man is doing a hand - stand on a skate board", "a man with a skateboard does a handstand", "a person stands upside down in a circle", "a man upside down with his hands up", "a man skateboards in the air with his feet and arms", "a man upside down upside down with one hand", "a man performing a downward trick on his skateboard", "a man doing handstand on a skateboard", "a man in white doing a handstand", "the man is doing a flip with his face in the air", "a man doing a trick on his hands", "a man doing tricks on a skateboard against a blue sky", "a skateboarder is doing a hand stand at a park", "hands skate skate upside skate doing his skate skate skate balancing a skate this skate upside", "skateboarder doing a trick on a wall", "a skater flipping upside down during a skateboard jump", "a man flying in the air while riding on top of a soccerball", "a skateboarder doing tricks in the air", "a skateboarder doing a flip at sunrise on the top of a cement ramp", "a man upside down on his feet high", "a upside down handstand in the sky on skateboard", "a man suspended on one leg, looking down", "a man doing upside down on his skateboard", "a person that is doing a hand rail trick", "a person in mid air doing a back flip", "a professional rock music vocalist performing tricks", "a skate boarder performs tricks in a skate park", "a upside - front doing a handstand on their head", "a person upside down on a skateboard", "a person does a handstand on a skate board", "a man holding on to his bike standing upside down", "a man upside riding on a skateboard across some stairs", "a person doing a hand stand with his arms up", "the skateboarder does hand trucks with his skate board", "a man performing a hand stand on a skateboard", "a man does a handstand on top of a skateboard", "a man does a handstand on his skateboard against a bright blue sky", "a boy performs a skateboard stunt against a blue sky", "a guy doing a handstand with a child on his skateboard", "a skateboarder does a handstand high in the air", "a man in his high - powered board doing a handstand on himself", "a man on a skateboard wearing a cap his legs on his skate board", "the skateboarder does a flip trick in the air", "a man doing a handstand in the air with his foot above his head"], ["a motorcycle racer is posing for a picture on the photo", "a person with a dirt bike on a dirt bike", "the athlete is driving his motorcycle on the dirt", "person on dirt bike riding on the road on the beach", "a man riding a dirt bike on a sandy track", "a person walking in the dirt near dirt with a small motorcycle", "motorcycle with a rider going around turn on dirt", "a man riding a dirt bike on a track", "a man on a motorcycle with rider number 24", "a man riding a motorbike on a race track", "a person riding a dirt bike on a dirt bike", "person on bicycle getting ready to ride in desert", "a person rides a motorcycle on a course", "a person on a motorcycle number 12 on it", "a young person on a dirt bike riding down the hill", "someone riding a dirt biker on a dirt road in the winter", "a motorcycle rider rides down a dirt bike course", "a person riding a dirt bike on a dirt road", "a motorcycle is parked in a race track in front of a camera", "a person riding a motorcycle on a street bike on a trail", "a dirt bike racer on a dirt bike is going up a steep hill", "a dirt bike is racing in the dirt", "a person on a dirt motocross bike on a race", "a man on a motorcycle is riding on a small bike", "a dirt bike rider racing down the road", "a person that is riding a dirt bike on a dirt track", "a little ride in a dirt motor cycle", "an extreme rider is riding a motorcycle in a mud track", "a dirt bike rider racing down a dirt bike", "a little kid riding a dirt bike on top of a muddy field", "a young man riding a motorcycle is surrounded by two bikers", "a young rider is racing a dirt bike", "a biker riding down a dirt bike on a track", "a motorcycle racer going round on a track near the ocean", "a motorcycle that is riding on a dirt bike", "a young teenager on a motor bike during a race", "a man is in a motor bike racing at a competition", "a person on motor bike in dirt and mud", "a man is racing a motorcycle during the desert sport", "a person on a dirt bike on some land", "a motorcycle rider is leaning down to crash on a dirt bike", "a person on a dirt cycle riding around a corner", "a racing motorcycle turning around on the track", "a man racing a dirt bike in the outdoors", "a rider riding a dirt suzuki 250 - bicycle", "a person riding a motorbike on a track", "a dirt bike riding in the dirt near other motorcycle riders", "a group of motorcycle racers on a track", "a person on a dirt bike on a dirt track", "a man riding on a motorbike on a dirt track in a helmet and", "a dirt bike rider riding in the dirt", "a motorcycle racer doing a dirt bike run in the dirt", "a man on a motorcycle riding through a dirt hill", "a person that is sitting on a dirt bike", "a man riding a dirt bike on a course", "a person riding a motorcycle on a white background", "a man on motorcycle in dirt with dirt jacket and helmet on", "a dirt motocross rider on a yellow and black bike at a track", "a man riding a motorcycle on dirt bike by water", "a person riding a dirt motorcycle on a dirt photo", "a rider on a white motorcycle goes down the side, turning to make a turn", "a dirt bike is racing down a hill", "a man on a motorcycle going around a bend", "a person who is on a motorcycle that is upside down in the air", "a person on a motorcycle turning the hill", "a man riding a dirt bike while holding a helmet", "a woman riding a motorcycle down a dirt jump", "motorcycle motorcycle motorcycles motorcycle motorcycle mo a dirt motor an mo the dirt a a a", "male on motor bike on track in track", "a person on a motorcycle in the dirt", "man in motor bike gear speeding through a hill side", "a picture of a person riding motorcycle on a dirt bike", "a person riding a motorcycle while wearing a helmet", "a motorcycle with a helmet and a helmet on", "a motorbiilde on a motorcycle is ready to ride down a hill", "a man on a motorbike on dirt bike doing a turn", "a motorcyclist on a motorcycle on a sunny day", "a person on dirt bike racing outside with helmet on", "man on a dirt bike rides along the dirt", "a person on a suzuki dirt bike riding on a dirt bike", "a motorcycle rider wearing goggles and a helmet is on a dirt track", "a motocross riding on a motocross bike in a photo", "a rider that is riding a dirt bike on a track", "a person on a motorcycle having a good moment of riding", "a dirt bike racer is racing on a racetrack", "a person riding a dirt bike through a dirt field", "rider on a motor bike, doing around on it", "race rider taking motocross race riding in side position", "motor race - yamaha 250 motorcycle girl on coastline with a body of water and sky", "a young rider on a motorcycle, riding the dirt dirt bike, on in dirt", "a man is riding a dirt bike on a course", "a dirt bike rider is making a turn over the dirt", "a man on a dirt bike making a sharp turn", "someone riding a dirt bike on a track", "a dirt bike and rider in mid air", "a person riding a dirt bike on a bike trail", "the man is riding down the dirt trail on his motorcycle", "racer making a sharp turn on dirt motorcycle", "there is a person on a motorbike on a dirt track", "a man standing next to a dirt bike on a dirt hill"], ["a man riding scooter with a woman sitting on seat", "in back floral riding woman flower riding people motorcycle helmets a on sc man motorcycles a", " woman seat a a motorcycle a a a a a a a a a motor", "a man that has some people and is riding on a moped", "a woman is riding a motorcycle with a helmet on", "a man and a woman riding a motorcycle", "two people riding on a motor scooter along side street", "a man riding a motorcycle, with another on it", "a couple on a moped with a helmet on", "motorcycle motor the on motor riding motor riding motor helmets a riding motor is helmet at", "a man drives a motorcycle while the woman carries a child", "a man and a young woman seated on a tricycle", "two bicyclist women ride a moped and have a great laugh", "biker people in people on motor riding a helmets sc helmet helmet motor and back motorcycle", "woman a motorcycles person motor woman on driving seat lady motorcycle woman honda the market seated", "a man motorcycle riding down the street in a leather jacket as a woman holds an", "a motorcyle driver on a moped helmet riding a motor wheeler", "a person sitting atop on a moped with people standing near it", "a person riding a scooter with a motor bike behind a woman", "motor cycle riders riding on the street near a business", "motor night riding man motor a an people on a a a that seat riding night", "a person on a motor scooter with the back end of", "a motorcyclist with helmet and back on woman in back seat", "motorcycle motor man motorcycles motor person mo the the helmets on in helmet riding helmet motor", "sc motor woman motorcycle back a driving a person sitting woman on motor sitting the man", "the person is riding a motor scooter with a helmet on", "woman on a motorcycle in the dark on her", "the passenger motorcycle helmet a man sit motorcycle customer in helmet helm a helmet motor motorcycle", "a person sitting on the back of a motorcycle on a street with a person wearing", "a man and woman sitting on a scooter", "two men sit on the back of a scooter at a restaurant", "a man riding a scooter where a man rides a motorcycle driver in a", "two people on a scooter with a helmet on", "motor people sitting a on riding mo motor on a a motorcycle riding lady driving a", "a woman riding on the back of a person on a moped", "a person on a motor bike sits by a store", "the mobi moped rider with his motorcycle", "a motorcylce wearing a helmet and holding a woman on it", "motorcyclist driving behind woman in orange top at a market", "two people on a moped with other bikes and people standing around", "a man and a woman are riding a motorbike in the street at night", "a person sitting on the back of a motor bike", "a very big person seated on a motor bike", "a motor vehicle driving a scooter in vietnam", "a person on motorbike with driver riding through busy area newspaper pages", "a man wearing a helmet riding a scooter at dusk", "lady in helmet and helmet rides a motorcycle with two other women", "a woman rides a moped wearing a helmet", "people a a a motor riding a helmets helmet head helmet a a helmet motorcycle motor", "a person riding a motorcycle helmet and the person is holding and riding it towards an", "the person is riding down the street on two mopeds", "a woman on a motor bike riding down a street", "a motor scooter with a woman in helmet and helmet", "two people on a motorcycle that is sitting down", "a couple of people that are sitting on a motor bike", "a couple is riding a bike down a street at night", "a woman on a motorcycle carrying a man and a man", "woman and man wearing helmet on motor cycles down a street", "the driver of driver person is watching the woman with motorcycle safety beware of traffic", "a picture of a man riding on a motorcycle", "a man riding a moped down the street wearing a helmet", "woman riding at motorcycle traffic in a street at night", "motorcyclists sitting next to a store", "a woman on a motorcycle in the back while wearing a helmet", "a motor mo moped that has a helmet on top of the back", "a person sitting on a motorcycle and talking to someone", "three people are riding on a motorcycle in the street by the shops", "person in a floral shirt is riding down the street on a motorcycle", "a man is riding a moped that is carrying a helmet", "two men on a motor scooter, both sitting on their shoulders", "people are parked down an alley with people riding down the street", "a man on a motorcycle is sitting down and a woman sitting on a back seat", "a moped biker is traveling at night on motorbike", "lady riding a motor scooter near a food stand", "a motorcycle with a man on the back riding on a motorcycle", "man and woman riding a motor scooter through a small area at night", "three people are stopped on the other motorbikes in the night", "motor trike driver on back of scooter in small town at night", "a man riding a motor scooter at night with food carts", "a bike motorcycle rider with a helmet on his back", "one on someone woman a motor people sitting motor motorcycle motor woman people sit lady a", "motor people a a a a riding riding driver two on mo the people women sitting", "motor cycle driver wearing helmet with back of driver", "couple on scooter going to shore on their motor vehicle", "rider seat motor a a man motorcycle helmet motor on helmet person driving a a person", "a man riding a moped with his back to another person sitting", "two ladies on a motorcycle ride down the road", "two people riding on the back of a scooter with a passenger back view", "woman riding her motorcycle with a helmet on", "a person with a helmet on riding a motor cycle", "a man on a vesp motorcycle wearing a helmet", "a woman wearing a helmet is riding a motorcycle, with a helmet on", "a person riding a motorbike with a helmet on", "two people sit on a motorcycle in the street", "biker on mo motorcycle, on ve motor mo motor and motor motor motorcycle motorcycle honda", "man riding on back of motor scooter with open umbrella", "a motorcycle with a man on a helmet with a woman sitting on a scoot", "two biker and a one he a a a man a motorcycle a helmet motorcycle nighttime", "a person is riding a moped with a passenger, on with newspaper all over", "a man riding a black motorcycle with a woman in helmet on the back of the"]]}, {"question_id": 3790415, "question": "Is there both a man that is carrying a bag and is wearing a sweater and a woman that is carrying an umbrella and is wearing a sweater?", "answer": "yes", "captions": [["people can be seen walking with an asian female in the foreground", "a woman with a grey jacket and raincoat holding a black black, blue,", "woman asian chinese and asian asian and to asian a japanese a a looking a japanese", "a woman with umbrella looking at camera", "a woman holding envelope looking at a paper while reading newspapers", "a man with a sweater jacket and jacket has umbrella", "a woman posing with an umbrella on a rainy day", "asian woman umbrella to asian asian surprised portrait smiling umbrella a rainy, asian japanese asian", "people outside in a open with rainy umbrella woman umbrella umbrella umbrella walking umbrella umbrella and", "a person holds an umbrella as they wait", "a woman holding an umbrella on a brick walkway", "a woman on a cobblestone stone street holding an umbrella", "a woman looks suspicious as she checks a newspaper while holding an umbrella", "a man walking down a narrow city street", "asian asian asian in umbrella by asian china asian an asian asian with asian asian from", "a woman smiling as she holds a stick while standing on a street", "a woman is standing under a umbrella outside", "younga looking like a man with a stick", "a asian woman standing, smiling and holding an envelope", "a woman is holding an umbrella standing with her forehead", "a woman holding an umbrella wearing grey", "people a pedestrian walking over a is umbrella people many a with someone a people in", "a woman in a grey jacket walking under an overcooked", "a female looking up with an umbrella behind her", "woman holding an umbrella in the rain along a street", "a woman holds a black umbrella on a sidewalk", "a woman is holding a broken umbrella", "a woman with a rain jacket and blue sweater holds an umbrella", "a man dressed in grey looking over his shoulder", "a person holds a large umbrella in the rain", "asian - american woman, looking worried and holding a news paper during shopping", "a woman walking with an open umbrella in the rain", "the woman is working for the fashion shop as well as the umbrella up", "a woman in a colorful striped jacket stands in the middle of an urban street", "a woman in a gray jacket holding an umbrella", "a women who is walking with a magazine", "man with an asian eyes holding an umbrella at half", "an asian woman is holding an umbrella before heading for a zoo", "a woman holding an electronic paper and a umbrella", "in walking in a walking man in in by a light, walking in a walking", "an asian man that is holding an open black umbrella", "a person standing with a black umbrella out side", "there is a woman that is posing with an umbrella", "a woman walks through an open city area holds an umbrella", "a asian man holding a magazine while standing with an umbrella", "a person standing with an umbrella on a rainy day", "woman holding an umbrella while walking down street", "people people asian man there chinatown a outside pagoda - umbrella umbrella pedestrians in that people", "an asian lady is standing under an umbrella down a street", "a woman walking down a street with an empty street", "a woman holding an umbrella on a brick street", "a woman on a snowy day with an umbrella", "a young man holding a newspaper and a bag", "a person in a wet jacket hold an umbrella", "a young man in a grey jacket and striped blue stripped pants holding an umbrella", "a young asian man looking at camera while holding an open umbrella", "a woman in grey jacket with an open umbrella", "the woman is standing with an umbrella outside", "a woman is under a large black umbrella as holding a newspaper", "the woman in the rain standing in front of an umbrella", "a man standing holding an umbrella talking to a man", "a woman holds an umbrella while she reads a newspaper", "there is a man holding a newspaper and an umbrella", "a woman in a blue stripes sweatshirt and a gray sweatshirt coat holding an umbrella", "a woman holding a black umbrella in the rain", "person holding a black umbrella with a group of people walking in the background", "a chinese over korean asian umbrella asian - a, photo chu on with outside woman", "an asian woman uses a black umbrella for shade", "a man standing on a brick road during the day", "an asian woman holding a newspaper and a paper", "a woman with a shocked face holding an umbrella", "a woman holding a black umbrella while looking at some paper", "young woman with umbrella in street scene", "a woman standing on a brick ground holding an umbrella", "- pagoda umbrella kim asian, i walking umbrella umbrella, ping rain,", "a woman holding an umbrella and a newspaper by umbrella", "an asian women working in an urban city", "a woman carrying a bag, newspaper in hand and holding an umbrella", "umbrella umbrella umbrella umbrella umbrella umbrella umbrella umbrella at holding black pedestrian umbrella chinatown umbrella on", "a woman holding an umbrella next to a crowd of people", "a woman is standing on a rainy street with a newspaper", "a man in a grey coat is walking in the rain", "a woman who is wearing a striped striped belt around her waist, holding an umbrella", "a woman has an umbrella walking", "a person holding an umbrella standing on a sidewalk", "to oriental asian walking to asian the young a asian holding oriental - and walking asian", "with the asian and you umbrella umbrella under umbrella umbrella umbrella under china asian umbrella asia", "a woman is holding an umbrella over her head", "a woman wearing an blue sweater holding an umbrella holding a newspaper", "a beautiful black haired woman holding a black umbrella", "a woman walking with an umbrella walking outside with an umbrella open", "an older lady walking down a street under an umbrella in the rain", "a young woman smiles, wearing a gray jacket with a striped blue stripe, while", "a woman holds an umbrella near her mouth", "a girl is holding an open umbrella outside on the sidewalk", "a woman holding a paper while standing under an umbrella", "a woman holding an umbrella for a picture", "a woman stands holding an umbrella and looking at the camera", "a man in a jacket is standing outside", "a men smiling as she stands on the side walk on the street"], ["a person standing in front of a brick wall", "an adult and a little boy walk with an umbrella and bag, a boy reads", "a man with an umbrella behind his head walks, a man holding a bag and", "man with protective mask is holding open para shield", "the man walking while the boy and his brother go for a walk with an umbrella", "a black and white photo of a man holding an umbrella", "a man and boy are walking under a rain coat", "a man and a boy walking with an umbrella up", "walking being on skate a to and is a on under over, he st on", "a walk with an umbrella, man and a boy talking", "walking dad walking is he and walking to walks person and - to, walks", "a man and little boy holding an umbrella and walking under an umbrella", "umbrella kids david brothers day father umbrella a son umbrella boy person two young a person", "a child with a tote bag and an umbrella", "a man walking in front of someone passing with a bag and shoes", "people pedestrian walks carrying a umbrella walking with carrying to walking the walking a the while", "a couple of people walking with a child under a umbrella", "this is a photo of the street boys and person walking", "man and boy walking a sidewalk with an umbrella", "a kid and boy with umbrella standing by a brick wall and a man walking with", "a man and a child holding a black and white umbrella", "two young boys walking with a backpack to school", "dad walks with children with umbrella over his head and a man with a child looks", "a boy with a backpack, and a backpack", "his shoes are my canvas bag to his boots", "a man with an umbrella next to a boy holding a umbrella", "sunglasses boy protect with walks, umbrella a rain walks umbrella walking and school, walk", "a dad walks to the beach with the boy a", "a man and a boy with an umbrella on the road", "an adult walking past a small child with a mask", "a child is holding an umbrella while three people walk around", "young boy is walking with an umbrella over while while another boy holds an umbrella", "and walking boys boys boy st over walk with umbrella child umbrella pedestrian in, todd", "man with backpack and child walking beside a boy with an umbrella", "two young kids with an umbrella and man with boy, outside walking", "walking walking, walking walking as active carrying walk man, with walking umbrella walking under", "a man and boy walking with an umbrella together", "a black and white image of a woman with a child", "being and'photo walks under a this and person rain walk photo over photo", " the, umbrella walking in umbrella father as umbrella umbrella, under kid,,", "people walking together with an umbrella umbrella and little boy walking in heels", "a man and a boy under an umbrella standing in the rain under a backpack", "the boy and adults under the umbrella with the boy in the picture", "an old lady watches as two children wait", "a man and a boy running while carrying backpack luggage, a brown umbrella sticking out", "umbrella umbrella umbrella umbrella with umbrella umbrella walking umbrella umbrella umbrella umbrella umbrella umbrella umbrella umbrella", "umbrella is with walks over under umbrella dad for walking black with, photo black dad", "a man holding an over umbrella under a walking child with a backpack", "a boy holding an umbrella, as he stands near a man with umbrella over his", "a man walking down the street while holding an open umbrella", "a mom and boy walking near a man and a boy carrying an umbrella", "a boy is held underneath an umbrella while a man walks alongside him carrying a bag", "brother looking down at a mask from son while being protect", "a father and a schoolbag under an umbrella", "a person holding a large bag carrying a kid in a backpack", "man and a little boy with closed up eyes under umbrellas", "a family with a children and two others in the background", "people walking and walking behind two young boys with an umbrella", "a black and white photo of a kids walking with someone under an umbrella and an", "a man carrying handbag, a student is holding a shopping bag along with a", "walk carrying his umbrella, and under'umbrella umbrella umbrella walking helping para under being", "a father and son walk with an umbrella while holding a bag", "two people a man a boy and a little boy", "man walking father walking walking walking holding small walking walking walking walking little walking young walks", "walks to and and being, kids kids and boys with,, the being under", "boy sitting under a backpack while his dad carries bag with his back", "the backpacker and schoolbag are perfect for the umbrellas as a kid walks", "a man walking a child down a street, with a man walking with a backpack", "a man in a parka walks past a kid and an adult and a father", "a man carrying an umbrella and a woman carrying a boy with an umbrella, while", "father and child holding an umbrella", "a man and a child with an umbrella is walking while walking", "an adult woman, a father, and a child are seen walking outside with an", "walking walking people walking walking umbrella pedestrians pedestrians walking and in people walk walking on walking", "two men holding and using an umbrella stand with their masks", "a man with a bag is walking across a building with a young boy on his", "a man carries a jacket and a man walks down the street with an umbrella", "a boy and a kid under an umbrella", "a father and son walking with a walking stick to school", "a family walking while holding an umbrella with a male companion bag and a backpack", "a woman and a child are holding their back to their head under an umbrella", "pedestrians family walking under with umbrella, umbrella umbrella umbrella a umbrella umbrella umbrella umbrella walking", "walking walking carrying with umbrella walking carrying umbrella an walk dad walking umbrella umbrella umbrella umbrella", "a man walking on in black and a woman carrying an umbrella", "the walks walking young, backpack a school he under walker a child, boy boy", "a man holds an umbrella over a boy", "adults carry umbrellas as a boys walk beside it", "a woman and children with an umbrella on a rainy day", "a little boy walking next to his parent and walking", "an older man and a young boy on a sidewalk using an ipad", "walking walks, umbrella walking umbrella walking and pedestrians - with umbrella on walking over walking", "adult walking with umbrella rain bag holding black umbrella", "a young boy standing as someone holds the umbrella while a child carries another umbrella", "a man with an umbrella and backpack backpack a man who is carrying a shoulder bag", "a man and his father who's holding a handbag are walking away with", "with umbrella with with father umbrella umbrella and umbrella umbrella umbrella umbrella with a umbrella umbrella", "walking is umbrella umbrella umbrella walking umbrella walking and walk man walking walking walking pedestrians umbrella", "umbrella umbrella umbrella umbrella umbrella umbrella umbrella umbrella black umbrella to under walking walking walks and", "a woman and a young person walking and holding an umbrella while a person with a", "walking walking backpack with pedestrian walk father while walking father students to boy with walking st"], ["a male with a beard holding a backpack next to a mountain", "senior skier carrying his snowy skis up a hill", "an old man holding his skis while standing in the snow", "walking carrying ski lift with with skiing ski skiing on skiing walking hike carrying skiing,", "person with a beard walking towards the camera with skis and ski poles", "a man holding ski poles on top of a snow covered slope", "a man walking holds up skis and poles", "a guy carrying snow boards up the side of a mountain", "an older man carrying his skis up the side", "an older man carrying skis and skis while wearing sunglasses and a blue check", "bald with cross grey mountain skiing ski climb elderly mountain skiing skiing white slopes hiking skier", "a snow skier carries skis across the snow as an older man holds skis", "a man in sunglasses with skis, ski gear and a backpack", "the man is carrying his skis up a snowy mountain", "an old man carrying a snow board", "an old man carrying a board while carries his snowboard", "a man carrying skies on his back while carrying his skis and a pair of", "an older man carrying skis and skiis in the snow", "very old man on steep mountain, with one foot in the air and another with", "a man on a snowy mountain hiking up a steep hill with a snowboard", "a man is walking down a ski slope covered in blanketing, plaid, and", "an older person holding a pair of skis and holding their ski poles and skies", "a man holds his arm above his shoulder as he wears sunglasses and a plaid shirt", "an elderly man holding snowboards and a snowboard", "an old man is walking up a snowy hill carrying skis", "an old man is carrying two ski's and a pair of sunglasses", "a man with a snowboard in the snow", "the man is carrying his board and backpack", "a man carrying something while climbing a snow covered mountain", "a man walking up a hill holding on to skis", "i got skis, and i got backboards", "an older man sitting in the snow wearing skis and carrying his ski skis", "old man carrying skiing equipment and walking up a hill", "a man with two skis and skis", "an older man with a mustache and mustache beard wearing sunglasses", "a man carrying a snowboard up a snow covered ski summit", "there is a man walking while carrying a pack on his back", "the man is carrying two ski poles", "an older man on a hill with his skis on", "a man on the slopes with a ski board on his shoulder", "a man with a bag in his back packs on his shoulders while hiking", "an elderly man wearing sunglasses and holding his skis and poles while standing in the", "a pair of skiers are walking down the snowy slope wearing skis", "a man hiking on a mountain using his backpack", "a man standing and smiling holding his back while wearing a backpack and a plaid plaid", "a man carries his snowboard across his shoulder", "a man in checkered shirt with skis in back and backpack bag", "skier skier with skier skiing ski skier ski ski ski skier skier ski ski ski trek", "older man carrying snow board and board and skiing", "an old man snow skiing going down a mountain skier course", "a man carrying a ski board and ski poles behind him", "a person holding his snow board on both of their shoulder", "a man in a parka is carrying a huge load of bags on his back", "skier a mountain skiing on hiking to hike skier he ski ski ski on and skiing", "a person carrying skis and their ski poles", "a man in plaid jacket carrying skis down a hill", "in with ski hike carrying holding ski slopes ski ski skiing ski ski walking on skiing", "a man walking with his ski gear in hand carrying his ski board, carrying on", "a man that is standing up in the snow holding skis", "a man is standing on the snow with two skis, ski poles, and", "skiier with his board is doing its thing", "skiing hike a skiing on mountain ski snow ski ski ski climb skiing skier carrying holding", "a man wearing glasses carry his ski board", "an older man carrying his skis holds the snowboard", "an older man lifting a snowboard and carrying his black snow", "the older older man has his ski back on his shoulder", "a man who is about to be lift onto the hill", "skiing trek ski ski nordic skiing skiing senior skiing skiing for snow senior ski skier ski", "a man with a backpack and a man with a snowboard on his back,", "an older man climbing from the snow wearing a plaid buttoned coat holding ski '", "a man with his back pack carrying skis through the air", "a man in blue checkered jacket riding a ski", "ski and grandpa skiing with with with skier with ski skier mountain is old elderly gentleman", "a man carrying a snowboard backpack with his skis on his back", "an old - headed man with his ski skis, with a ski bag hanging", "an older man with a bald head sitting on a snowboard", "an older man walking up a slope carrying a loaded set of skis", "a man kneeling down wearing ski equipment and carrying ski poles", "a man standing next to a woman wearing skis", "a man walking with a pair of skis on his back", "a male snowboarder in a black, blue and black plaid long sleeved", "the old skier carries the skies of joy", "a man is carrying his snowboard to another ski slope", "elderly man holding snowboard and snow board on skis in winter suit", "a skier in the mountains is making his run", "skiing skier ski skier in ski backpack skiing ski skiing skiing skiing ski skiing ski ski", "an elderly snowboarder and a man in full suit", "an old man wearing sunglasses holding skis at the peak of a snowy mountain", "an older man standing in a snow pants", "an older man with a plaid coat carrying a backpack", "a man is descending a hill on skiing skills", "a skier with a blue and blue flannel and a plaid plaid shirt carrying", "a man carrying a skier behind his back", "an old man on a ski slope smiles for the camera", "a person with a large backpack on their back walking across the snow", "on ski ski snow skier wearing snow skiing holding skier the ski ski ski ski a", "skiboarder carrying skis in a back pack on a slope", "a man with a plaid shirt, and plaid shirt carrying a snow board", "a man with his snowboards is climbing the hill", "skier alpine elderly ski ski ski skiing elder skier holding snow senior skier ski skier ski"], ["a old man with a suit suit case and a hat walks", "a person walking with a suitcase and suitcase", "woman with a large suitcase walking outside", "a woman in a polka dot shirt packing her suitcase and two suitcases", "a woman dressed in grey dress, sunglasses and a hat, carrying a person with", "a woman pulling a suit case behind her a piece of luggage", "a man in white shirt with suitcase and suitcase", "a man carrying a suit case while walking a dog with it", "a woman who is a carry a suitcase and suitcase walks down the street", "a woman pushing a red suit box", "a woman with a suitcase and a suitcase suitcase and a suitcase is pulling a traveler", "there is a woman with suitcase and luggage walking down the street", "a person with a suitcase is walking down the street", "a woman with a suit case, luggage and a baggage suitcase", "a woman wearing a hat is carrying a suitcase", "a woman is holding a suitcase and a suitcase with two suitcase cases", "a person with a suitcase and an open suitcase", "a woman in overalls and a hat walks near a suitcase", "a man wearing a hat and holding a suitcase", "a woman carrying two pieces of luggage", "a woman pulls her suitcase on her way to her plane", "the woman is walking with her travel bag", "a woman goes down a sidewalk with her suit case", "young woman carrying luggage, looking off to the side", "woman carrying her suitcase suitcase and suitcase bag while carrying her suitcase", "a man with a suitcase at the road near an airport", "a woman with her suitcase and suitcase in a suit case", "a hat hat and a brown suit case of some vintage", "a person with a suitcase and bag walking with luggage", "a woman carrying suit cases pulling a red suitcase", "a woman walking down the street with a cart and suitcase", "a woman and a luggage suitcase with suitcase bag", "a woman with a brown piece of luggage and a case", "a woman in dress, hat and turban pulling suitcase", "a man pulling two suitcases and luggage going to the train", "a woman with her luggage and a bag", "a woman is walking with a suitcase and a cat", "a woman pulling two bags and a suitcase", "a person walking with a suit case carrying a hat and two suitcases", "a man with a suitcase and suitcase walking up a sidewalk", "a very elegant woman with a piece of luggage", "people walk along side of a building with luggage", "a woman with a suitcase and luggage walk holding a piece of pink luggage and carrying", "a man walking with a suitcase and a suitcase", "a suitcase and his luggage sitting next to a telephone pole", "a woman walking with her luggage and luggage with her suitcase and a suitcase as she", "woman a a woman hard woman female blue she wearing suitcase hard luggage on baggage pulling", "a piece of luggage being carried off by a person with an open suitcase", "a man with a suit case and suitcase walking", "a person in a hat and vest carrying luggage", "a woman carrying luggage, a suitcase and carrying a hat", "a man with his suit case walking towards the camera", "a person in a hat and a suit with bags", "woman carrying old suitcase and suitcase while walking away with cart", "a woman walking with a suit case carrying a yellow bag", "a woman with her walking, the woman with a brown suitcase baggage and her suitcase", "a woman walking while pulling a piece of luggage", "a woman carrying two suitcases and a suitcase", "a young woman is carrying luggage while the bag sits next to her", "suitcase a walking young walks walking woman walks carries walking carrying traveler carrying walking and luggage", "a woman wearing a top hat is carrying suitcases", "a gentleman holding two pieces of luggage walking an dogs dressed in a bowler hat", "a lady walks with baggage with a dog on a leash by", "a person on a road holding two suitcases", "a man with a suitcase pulling a suitcase up the side", "this is a woman carrying luggage with a suitcase case and carry a suitcase", "people walk dressed dressed, carrying luggage, while wearing a blue shift dress", "a man with a suitcase and suitcase walks down the sidewalk as a small dog looks", "a woman walking with a rolling suitcase and bag of luggage", "a woman walking down a sidewalk holding a piece of luggage", "a person walking at a bus, pulling luggage with a lady", "a woman carrying her suit case with bags", "a woman is carrying a suitcase and bag while walking down a street with luggage and", "a woman pulling suitcase and bag while walking with bag", "a man rolling suitcase and a little dog wearing a muzzle", "a person carrying luggage and a suit case", "a woman with a hat and a hat with a suitcase", "a woman is pulling a suit case and a suitcase", "a person with several luggage bags while a dog sits nearby", "a man carrying a suitcase walking down the street", "a woman with her luggage walking down the street", "woman carrying a suitcase and suitcase with her suitcase", "a man walks next to a red suitcase and suitcase", "a woman carries luggage bag while walking", "and walking walk walking walking walking walking walking in a walking walks walking the woman walking", "a lady wearing a walking the walking suitcase luggage baggage woman walks walking with briefcase carrying", "a business woman pulling a yellow suitcase and a suitcase bag", "a woman wearing a hat while walking on a street", "a person pulling a suitcase and two pieces of luggage", "woman walking down aisle carrying a piece of luggage", "walking walking walking walking walking walking carrying going walking walking walking walking walking carrying carrying walk", "a woman carrying a suitcase walking down a city street", "the woman is carrying her suitcase and luggage with her dog", "a woman with a suitcase and suitcase walking near an open suitcase carrier", "a man carrying a brown suitcase and a suitcase bag with two suitcase bags", "a lady with a hat and a suitcase walked away with her pet", "a person walking down a street holding a suitcase and a bag with a piece of", "a woman dressed carrying a suitcase and a suitcase bag", "a with suitcase luggage a suitcase suitcase suitcase suitcase suitcase traveling a a he luggage a", "a man walking with a suit case and hat"], ["walking red red woman, red - plus red long woman a in a pregnant red", "woman with black purse carrying a tote that has her umbrella open", "a woman walking to the right carrying an umbrella in the street", "an older woman in a red shirt holds an umbrella", "umbrella one red walk under red and red ladies woman in red under", "para walking a there walking under woman walking under with over over over under an walk", "woman walking with open arms while crossing on street", "a woman wearing a red shirt holding an umbrella and walking with a bag", "a woman is wearing a red sweater and holding a handbag, a clear umbrella", "walking walking walking um walking um walking woman carrying under older in she back walking umbrella", "large women holding an umbrella and walking", "a woman wearing a red sweater and red shirt and holding a umbrella", "a woman walking with a bag, handbag and umbrella", "a person is standing in the street with an umbrella covering a person with an umbrella", "the topless over belly has an umbrella that is clear", "lady carries the umbrella, clear umbrella and purse while running", "walking carrying walking running with over walking umbrella walking woman while walking woman walking walking woman", "the woman is walking while holding an umbrella", "a woman walking down the street wearing red under an umbrella", "a woman walking with an umbrella in the street", "a woman in red and red sweater holding a clear umbrella", "lady walking in walking run a a she walking - walking woman walking over walking carrying", "a fat woman wearing a skirt skirt is walking in the rain with a lady in", "a woman in a skirt walking down the street under an umbrella", "a woman is carrying a umbrella while carrying a purse and a bag", "the woman carries a handbag, tote, and an umbrella while walking", "photo over female umbrella para an woman standing under carrying a woman under walking and she", "in wearing walking in clear walking walking walking umbrella the umbrella umbrella woman a umbrella,", "woman with rainboot carrying a backpack and umbrella", "a woman walking on the sidewalk with an umbrella over her head", "old with walking an cu walking under clear under under being over an adult fat,", "mature red under under walking and on umbrella woman outside walk clear photo umbrella over over", "the back view of a woman walking down the street with an umbrella", "a woman walking with an umbrella over her head", "a woman walks holding an umbrella and a cell phone in it", "a woman walking down the street in the rain holding an umbrella", "a walking woman with an umbrella and a book bag", "a woman in red shirt hiding from rain with umbrella", "clear clear umbrella woman walking clear transparent umbrella clear carrying stroll clear woman carrying umbrella walking", "a large woman walking down a city street, with a cell phone near a purse", "walking in woman there as walking walking in walking lady with red women large there a", "an overweight woman walking in shoes and carrying a purse and carrying an umbrella", "walking carrying over walking walking walking walking walking carry walking red the over go walking walking", "the front of a woman walking out carrying an umbrella", "a lady wearing a red jacket carrying a silver purse walks together", "a women walking and wearing red in the rain", "a woman walking up with an umbrella in the rain", "a woman in red sweater holding an umbrella with her back away", "a woman in tights walking in the rain with an umbrella", "a woman holding an umbrella next to shopping and food", "a woman walking down the street holding an open umbrella", "large woman carrying an umbrella with transparent an umbrella", "a woman in red outfit walking along the street in red top and red", "a woman walking with an umbrella walking", "a walking woman carrying walking photo the woman walking under in walking a a woman a", "an elderly walking with a clear plastic umbrella", "a girl wearing school bags, a handbag and an umbrella", "a woman walking down the sidewalk carrying a clear umbrella", "a woman carrying a brown handbag and holding an umbrella", "an older woman with red sweater and backpack walking down a street under an umbrella", "woman carrying bag while running in rain holding an umbrella", "a woman in red is walking down the street carrying an umbrella", "a woman walking down a street with an umbrella,", "a woman in a red top is walking and holding an umbrella", "an elderly woman carrying an umbrella and a school backpack under a red rain cover", "a woman walks on a crowded street carrying an umbrella", "a person walking down the street with an umbrella", "a woman walking down the street holding an umbrella", "umbrella bag over shoulder - bag and clear umbrella in an open sky", "being a on clear clear clear walking umbrella rain walking umbrella umbrella woman, in umbrella", "walking walking walking walking walking umbrella women walks walking walking out walking walking - walking walking", "a woman walking down a street carrying a purse and umbrella", "a woman walking with a clear umbrella walking down a street", "woman walking along side holding an umbrella", "the women is walking down the street with an umbrella", "woman carrying clear umbrella under clear umbrella", "a woman holding an umbrella walking in the rain", "woman in red and red card neck, red vest and bag", "a red sweater walking with a clear umbrella and a handbag", "a woman walking down a crowded city street holding an umbrella", "a woman standing outdoors under an umbrella walking on a busy road in a red shirt", "a woman in red and black is walking holding a backpack", "a woman in a red top and red shirt holding an umbrella", "a woman is wearing red top walking down the side walk", "a woman walking carrying a large bag and an umbrella", "a woman carrying a clear umbrella and a brown purse with her hand bag", "a woman carries an umbrella in the rain as she walks along a deserted road", "an overweight walks in the rain under someone under a clear umbrella", "a woman in red and a red sweater holding a tan tote bag has an", "the lady is hanging upside down with an umbrella", "a woman with an umbrella and red top walking", "a woman in a red top is jumping barefoot", "a woman walked with an umbrella, holding a purse and a handbag", "an older lady walking down a street while holding an umbrella", "a woman wearing a skirt, holding an umbrella and a purse", "woman walking with umbrella and bag holding a bag", "an older woman in a tight knits holding open a clear umbrella", "a woman with a clear umbrella and a bag", "clear umbrella woman back under under a back umbrella walking umbrella transparent on woman walking in", "an overweight lady holding a clear umbrella walking towards the camera"]]}, {"question_id": 333020, "question": "Do all stickers that are on a suitcase have the same color?", "answer": "yes", "captions": [["road signs on poles and one on a street", "the circular sign has a clock next to it", "two 20 - 22 plate sign, with no number on the inside", "a close up of green sign on a post a post", "a close up of a street sign sign under a trafficlight", "sign and california green green 22 california california green directions pole california 29 california green street", "a street sign with a sticker covering its face is posted in portland, washington", "a clock shows the location of road sign in virginia", "a very large sign post with a green directional sign", "a highway sign indicates where the highway is located", "a street sign and street signs in one place", "a green plate that is hanging on the side of a sign", "the number is in the road sign and this was a street sign", "street sign for california and the street name is blue", "a sign with the writing los has a sticker on it", "the california street sign is above this number 50 in california", "a highway sign posted at the corner of 22nd and 212", "a street sign with street name and two california st street signs", "an intersection sign on a pole with a sky background", "a green sign sitting on a pole next to a street sign", "a large green highway sign next to street signs", "21st green street green highway road green direction number two two the number numbered number a", "a white and green road sign on a green pole", "a road sign that says highway to the state of arizona", "a green street sign in the desert beside a street sign", "a street sign that has signed on it", "a green and white street sign with a red and white line", "a close up of two street signs mounted on a pole", "two highway signs on one side of a two way sign", "there is a street sign for the streets", "a clock hanging on a telephone pole has the numbers twenty", "a road name sign in the freeway of the california freeway", "green highway highway sign suspended on a tall metal pole", "a green road sign and sign post with two numbered signs", "a large green sign in front of a number and street sign", "a green and white sign in green that says number one", "a green sign that reads highway 135 in front of a sky", "a green street sign with white writing underneath it", "a highway sign giving direction of a green highway to california", "a pole with a traffic sign on it", "a green and white sign on a power pole", "a green street signs for a state in america", "a pole with traffic sign for a street name", "the green and white highway sign reads 23rd st", "green and white california on a road sign", "an oval road sign with the number 275 25 008 b street", "road sign on cable pole indicating speed and destination", "a green and white street sign showing the numbers 120", "two street signs indicate the intersection of the streets", "a green traffic sign that reads 20 year old", "a clock hanging from the side of a pole next to a green street sign", "a road sign with the name california on it", "street name posted on green sign beside traffic sign on grey pole", "sign street street direction street intersection st green sign sign interstate sign street green street street", "a clock with a watch on the bottom of a round sign", "street direction signs on a road sign sitting on a pole", "a traffic sign shows the direction to the intersection", "a pole with a street sign and street numbers", "a sign is mounted onto a blue street sign", "a road sign is posted on a pole", "a close up of two signs on a road sign", "a sign post shows the 2 - 29 nw", "this is a green sign for the number 21 on a pole", "a green and green street sign is posted together on a pole", "blue street numbers attached to a green pole", "green street sign mounted to a wooden pole", "a small street sign indicating the name of california state california is located under the road", "a street sign shows the direction in the distance", "a large sign is on a pole near a road", "a green highway sign next to the street street sign", "a pole on a street with a light and street signs attached to it", "a close - up of street names on a green sign", "a street sign for 212 in the usa", "a sign for the streets of california and 212", "blue street signs on a street sign with a street name and street name", "green road warning sign on a post saying highway entrance", "a close up of the california sign on a stop sign and it's writing", "green sign on pole with electronic sign attached to it", "twenty street street exit california street street street street direction number highway green near twenty green", "green sign for 213th and 2 / 3 way", "two street signs are mounted together on the edge of california right & california street", "a green california highway sign shows the freeway", "the road sign marks direction of the interstate 205", "a traffic road sign indicating a median distance", "a green and white green street sign on a pole", "a green clock mounted on the sign next to a green clock", "a green and los angeles road sign next to a blue street sign", "the green and white street sign is displayed on a pole", "green next speed road road road highway side highway interstate sign green highway california highway highway", "a california highway sign in california with a holed - head", "a green sign and street signs attached to a pole", "this clock shows the time at the time of on the street", "a green sign on top of a telephone pole", "a green california speed limit sign on a post", "a street sign and street sign in california highway at west 20th", "green highway highway highway direction sign sign and street signs", "road sign posted on a telephone pole with a street and traffic sign in the corner", "green sign indicating the route for los angeles", "a green sign for the usa is called california to be in california", "a sign on the interstate is showing its name"], ["a little girl smiling as red red travel suitcase", "a woman has bags of luggage near her", "a photo of a woman that is sitting with her luggage", "a smiling woman smiling behind a suitcase with stick - tape and white stickers on", "a woman is stacking stacked suitcases with one boy sitting between", "a woman wearing red luggage poses with her luggage", "a woman smiling as she pulls away a large selection of luggage", "a woman posing with a pile of suitcases", "red is posing luggage luggage is red a posing packing red bags red hard posing luggage", "a woman with a white dress and a hat standing beside several bags", "woman posing with packing stickers around her head in a luggage", "a woman is sitting on her large luggage", "a woman posing with four red abs on top of two suitcases", "a woman standing next to two red suitcases on the street", "a smiling woman standing next to two red suitcases", "a girls standing with her red suitcase bags", "this photo shows lots of staples pins notes in the photo", "two red suitcases are tied to a pole and tape tape around the top", "a person with papers on them and stickers on a wall", "a young woman holding a pile of luggage with words and stickers on", "a woman posing with her luggage ready for vacation", "both travelers two suitcase tr with a a and a in posing the suitcase is on", "a woman standing with her luggage in front of", "a person in jeans and a hat piles bags of luggage", "some woman's travel gear is tied to her hat", "man and woman standing with a bunch of suitcase bags", "a woman setting items to wrap news strips on a suitcase", "two pieces of red luggage sitting on the ground", "a woman with several pieces of sticker on her luggage", "a woman with several piece stickers on her luggage", "a woman stack of luggage on top of the ground", "a woman smiling at posing with three different suitcases", "a woman that is standing up with a sticker on her mouth", "this young travel bags both piece, paper, note cards and ad tack tag", "a smiling woman is posed against several red suitcases", "a girl is standing next to a pile of luggage", "a woman is standing outside wearing a hat", "a woman posing with luggage and luggage bags", "a woman poses with bags of luggage on her shoulder", "a woman leaning on luggage waiting for a trip", "woman walking past a lot of red suitcases outside", "a woman is leaning with her red suitcase bags", "a beautiful girl waiting at an airport with her luggage", "woman standing by luggage with luggage stacked on her head", "smiling redhead, with two red luggage bags", "a woman is standing with luggage on a suitcase", "a woman sitting on the knees of a todd chair", "a young lady smiling with full luggage outside", "woman at an airport area with some suitcases of her belongings", "a woman is standing with luggage boxes of luggage", "a girl standing in front of a pile of stickers", "a in red luggage a red four piles suitcase standing posing - suitcase red suitcase baggage", "a woman is standing near a pile of luggage", "a girl posing next to a red suitcase and hat", "woman smiling in front of red luggage suitcase case", "the a young there luggage suitcase the rolling suitcase luggage a luggage suitcase luggage luggage travel", "woman with two luggage bags all covered in stickers", "two different sized suitcases have stickers on them", "a girl with stickers and a white hat, stands with luggage", "a woman smiles while standing near several pieces of mail", "a smiling woman with post it stickers on her fingers", "a girl sitting down for leaning notes", "a picture of a woman standing next to a stack of luggage bags", "a woman smiles among the suitcases on her shoulder", "luggage and luggage all different items and stickers", "these person has had pieces of sticky tape on the suitcase", "luggage suitcase luggage suitcase some luggage, stack bags a a suitcase with red luggage a", "a young woman with a set of red luggage in front of a big glass door", "a woman standing next to some luggage that has stickers on it", "a girl with her luggage beside her is posing for a photo", "a girl posing with many pieces of sticker paper at a public entrance", "a woman checking in with luggage on the side of the road", "a happy teenager with hats on the girl wearing a cap", "the top 10 packing tips and things to wear as a professional", "woman with suitcase on the top of the carton", "a girl standing in a white hat with a hat", "a woman standing next to some red suitcases", "a smiling woman sitting on suitcases on a sidewalk smiling with one eye open", "luggage suitcase sitting luggage travel suitcase luggage suitcase - luggage bags smiles with suitcase suitcase suitcase", "the smiling woman is smiling for the camera, holding a red luggage bag", "a woman is holding a pile of luggage", "luggage suite post luggage travelers luggage luggage luggage luggage travel luggage luggage suitcase piece a hard", "a woman standing next to some red luggage", "the traveler poses with several packing tape on a suitcase", "happy a there the luggage suitcase suitcase hard two suitcase suitcase laughing suitcase smiles suitcase suitcase", "a woman wearing sticky adhesives poses with her pile of luggage", "a woman putting notes on suitcases standing next to each other", "a woman smiling in white shirt leaning on three pieces of luggage", "the girl is posing with two suitcases", "a girl posing with a collection of large suitcases", "a girl stands holding many pieces of stickers on her suitcase", "a woman has a piece of stickers and other paper stickers", "a person carrying a red suitcase while standing", "a smiling woman is standing smiling near a woman with lots of personal notes attached to", "young tourists in australia with bags of luggage", "a man that has some pieces of stickers on luggage", "luggage bags woman is the suitcase, packed bags suitcase travel of packed bag red packed", "a woman with some luggage that is getting a picture", "a woman with her luggage and a hat", "a red case has papers sticker notes attached to him"], ["bananas orange orange can orange oranges orange orange orange orange oranges for orange 1", "a package of orange fruit is in a package", "there are two boxes with bananas in them", "boxes boxes boxes boxes cardboard boxes boxes a fruit cardboard boxes boxes and fruits boxes boxes", "bright apples ripe orange orange oranges with oranges in a box", "an orange in a box surrounded some oranges", "a box of boxes full of oranges on a table", "another box with oranges is left on the ground", "a box filled with a box of oranges and the crate next to it", "the empty box is full of oranges", "an empty cardboard box with brown boxes on the outside", "some box boxes and paper boxes on display", "a box full of bananas sits in a box with two other oranges", "a box filled with a box full of bananas", "three orange open orange grape orange bananas with bananas orange boxes orange bananas orange orange orange", "a large box of bananas sitting next to a box of smaller bananas", "a box is being labeled with a bunch of fruits", "a box of bananas, next to a box of apples", "boxes of bananas sit in an open box", "a box filled with oranges and a orange slice sitting next to a pile of", "a box is filled with packages of bananas", "a box full of oranges and orange orange fruit are in a box", "a box filled with bananas sitting against a white table", "two cardboard boxes, one is brown, one is packed with oranges and a", "a box of blue stickies is on an brown brown box", "box filled with boxes sitting on top of a table", "a box full of bananas in front of a person", "the boxes are full of oranges and oranges", "two large boxes one larger and one lower with apples", "a a open it an orange orange boxes orange orange orange orange orange orange orange orange", "an open box with oranges are in a box", "a pile of bags for a person sitting outside in the beach", "a box of boxes are filled with boxes of bananas", "a box covered in many tomatoes and box of oranges", "a brown box filled with packages of oranges", "boxes of fruit in cardboard boxes sitting on display", "a carton of apples is being sold", "an open box containing oranges and red oranges are in the brown box", "a couple of boxes that have oranges on the inside and one on the outside", "ripe bananas are in boxes inside of the box", "a box full of bananas can tell a question", "bananas inside a bunch of boxes, all wrapped in a wrapping sheet", "boxes of oranges in a box with the red stickie labels", "a boxed box with fruit in it, a blue label says", "a box of brown boxes of the box", "two boxes of bananas on a table", "there is a few wooden boxes with two different sizes of bananas", "a bunch of bananas is sitting in front of each other", "a box full of bananas with an empty board label", "a box of oranges in a cardboard box sitting on a table", "open boxes of a box and cardboard in brown boxes", "a box with oranges and oranges next to a box of oranges", "various levels of ripe and unripe bananas are being made into a package", "one box is sitting on the table, one is in the box, and the", "a box of fruit is sitting on a table", "a box full of bananas is pictured with many letters", "boxes of fruit next to oranges in a box", "a box of banana's and a brown box of bananas", "brown brown cardboard open the plastic in paper plastic box brown two brown paper orange brown", "a paper box has a brown design on it", "a box filled with oranges sitting on top of a table", "an abundance of bananas that are on a table", "a paper sticker marks a box of fresh bananas", "a bunch of fresh bananas with oranges in in boxes", "two boxes of bananas on a table next to a person", "a cardboard box has some fruits inside of it", "several bananas a bottle and oranges sitting on a table", "a box of ripe bananas and oranges on a table", "two boxes of oranges sitting next to a box of oranges", "the box is packed with oranges and an orange", "bunch of bananas are bananas sitting on table next surface", "there is a box of small bananas in it", "a box full of bananas sits on a wooden table", "a cardboard box filled with a small piece of a sticker that is on it", "a box containing yellow bananas that is sitting inside of a bin", "there are many oranges sitting in a box", "boxes with plastic wrappers, oranges, and oranges", "boxes of fruit in a cardboard box outside of a brown container", "there is a cardboard box and wooden box on the table", "food is lying out in a pile, two boxes full of fruits", "the box has many oranges inside the box", "two cardboard boxes holding food in cardboard boxes", "a box of bananas next to bananas, lemons, and carrots", "a box of unboxed oranges and a bunch of oranges", "the boxes are full of apples and bananas", "a box of food that is sitting in a cardboard box", "bins of bananas are displayed for purchase at a market", "a box of bananas in a brown paper box", "boxes of food wrapped in a box sitting on top of a table", "a box with a orange inside of it sitting next to another box", "a cardboard box with brown cardboard cases full of bananas", "a box containing many oranges on a cubicle sticker", "boxes that is open on a box full of fruit", "a cardboard box filled with a wooden box full of fruit", "a box full of bananas is open, and has a box in it", "the oranges are the colors of an orange on the package of the oranges", "a small box that has two boxes of boxes", "a open box of bananas, made from various ingredients", "two boxes sit side by side on a table", "a bin of oranges sits in front of a box of apples"], ["a sign that is on a pole that has a sign beneath it saying i have", "a street sign on a one street sign", "a green and white street sign sitting above a pole", "a sign for 11th st is posted on a sign", "a crowd green and a green banner with a i 11 sign", "some protest green, green and white sign and a green green sign and a sign", "a protest is holding signs near the street signs", "a green street sign is displayed above no smoking sign", "a green street sign and some signs on a pole", "a lamppost warning for the name of a street sign at the corner of climb", "a city street that has two streets street signs and traffic sign", "a green street sign that reads on s street", "a green street sign, with a dump hammer wren hammer on it", "a sign has been left in the street, and it's warning to climb", "a street sign is in a city street", "we have green wood on sign at protest", "a street sign on a yellow sign with a poster", "a sign that is on a street pole", "a street sign on the corner of the 11 have walk", "a piece of cardboard nailed to a sign warns people should have something to cut it", "climbing reminder hammer climb hum climb hammer hammer hammer climb thump jeep climbing hammer climb dumb", "a dirty sign on a pole that says scissors and scissors", "poster holding up sign under street sign", "a sign holding a yellow protest below a street sign", "the green sign advertises self to take this drive from the police", "there is a very large green street sign on the corner", "a green street sign sitting on a cardboard box", "workers with 11 have protest sign by a construction site", "green street sign for 11 ave, and 11 ave, next to three buildings", "a street sign has stickers on it as to save it", "an anti obama sign is stuck in the concrete", "a green and tan street sign with 11 avenue", "a one two green - sided one - to - two strike picket sign", "a green sign in the middle of a busy street", "a dirty brick sign is posted on a street crossing sign", "a green street sign with other street signs", "a green sign with an attached green hat", "a warning sign with a sign attached to it", "a green sign that has a cardboard on it", "a green sign saying what is below a sign on a street sign", "the old city street sign is being advertised by someone", "a green street pole has a post on it", "a street sign hanging on the corner of a city street", "climb save save tree climb save save save save save save have wave save live time", "a street sign with a scissors on top of it", "a demonstration being held under one of the street signs", "a road scene showing a green sign on a street post", "a green street sign that is standing on a metal pole with signs", "a green street signal hanging from a metal pole", "a green street light with a one tree sign on top", "a table with a green color on it", "a traffic sign sitting on the side of road", "a green road sign that is in front of some building", "a green street sign on a wall of a building and green over a timber on", "a green street sign with the words leave street", "a street sign hangs on a sign for green street", "people holding protest signs taking march in a town", "a pole with some street signs on it", "protest protest holding signs in front of a city street address", "a green sign for a save a have green background", "a sign ad a street sign with some things on the sign post", "a green and white sign and a street sign and some yellow street tape", "there is a green street sign that is on the corner", "a green street sign with a sign in front of a stop sign", "a box hanging below a building on a street", "a large green street sign on a street in a narrow street", "a sign is sitting under a street sign", "a street sign that is green pointing street above it", "thunder timber timbermba dumpmba chimney hammer on street st the amberem timber climbing", "a green street sign on a post with protest signs attached", "a sign hanging on a pole on a city street", "a sign that doesn't be for the street", "a pole that has a street sign sitting on top of a pole", "a sign says go green in spanish", "the altered street sign is on a street", "a street sign nailed over a street light pole", "a green street sign with a hand scincut cut sign and scissors on it", "a green sign on a white pole that reads climb", "a sticker sits on a street sign sticker posted by a street artist", "a banner against obama's president at a march for save thyme", "a street sign on a pole with a no climb sign for a wall", "a woman holding a green poster while holding a green hammer and a sign", "a green street sign that is hanging on a pole", "a corner of have st st st where we live", "a green street sign attached to a street pole", "a green and pink sign and brown sheet on pole", "an image of a street sign at the corner of street", "a sign of a sticker and a poster for smoke", "a street sign sitting above a street under a street names", "a green street sign hangs on a pole", "there is a 1 eleven ave street sign atop a chairlift", "an industrial wall sign and brown street sign on wood", "the street sign is in front of a yellow sign", "a group of street signs and a yellow sign", "this sign is on a pole with a sign, sticker, scissors scissors scissors", "a green sign and two green street signs", "a traffic signal sitting beside a street signal sign", "a green vandalist take on the sign and brown save", "a protest in progress of a street sign with a green street sign", "sign for store in street on a wooden street sign pole"], ["the young woman is eating a banana while looking up", "a girl with red hair eating a banana", "a woman with a pink hair is posing for the camera", "a woman in a black dress is bent over eating a banana", "a woman with a banana in her mouth", "a pretty young lady with red to pink hair and pink hair taking a eat a", "a woman eating a banana at a table", "a shirtless young woman looking straight in a kitchen", "a woman with pink hair sticking out her tongue", "a young woman eating pie at a table", "a girl with long pink hair and a banana in her mouth", "a woman with pink hair and earrings is eating a banana", "a woman sitting on top of his feet on a table top", "a woman with pink hair and pink wig holding a peeled banana", "a woman is eating a banana while standing in the kitchen", "a woman eats a banana a plate with a hot pan", "a woman is taking a banana and eating it", "the woman eating the banana was very attractive", "girl with purple dyed hair eating a banana", "women who is eating a piece of chocolate", "a person holding an empty container and a banana", "a woman with hot pink hair blowing out pink dye", "a girl with pink hair is posing to eat a cake", "a woman with pink hair stands in a kitchen", "a woman eating a banana on a white counter top", "woman drinking a banana, pink pink hair with bright dye dyed pink pink", "the woman is eating some banana while standing by the oven", "a pretty woman making a banana cake", "woman with hot pink hair holding a wooden cake", "a woman with pink dyed hair taking a pizza bowl", "a girl with a banana and a banana bite eating a banana", "a woman sticks a bite out of a banana", "a woman holding a glass in her right hand", "a woman with pink hair eating a banana", "a lady is with bright pink hair and pink pink hair", "a woman getting a break from her banana, eye wide open, and looking away", "a woman with pink hair has her bright red dyed hair", "a woman in black shirt eating with one pink rose", "a person eating a banana at the time of eating", "a pink headed girl eating a banana in front of her", "a female with a big hot dog in her mouth", "a woman making a silly face while holding a peanut butter cake in its mouth", "a girl with a pink hair holding his tongue out while biting a yellow banana", "a woman is showing her tongue out to the side", "a young lady has her tongue down and is making a goofy face", "a woman is eating a pan of food that she has in it", "a woman standing a the middle of a bathroom looking at the camera", "a woman is holding something in her hand", "a girl with pink fucs and a banana in her mouth", "a woman posing with her lipstick pointed open wearing a black outfit", "a young woman eating a large pot of food", "a girl eating a banana while smoking a cigarette", "the young woman eats a banana in the pan", "the woman is eating a banana while standing in front of an electric oven", "a woman with pink hair eating from a chocolate plate", "a woman leaning front of her chin, showing a big cheek", "a punk girl with bright red hair looking towards her left", "a woman with red hair in a kitchen", "a woman has turned to eating a half grown banana", "woman brushing her teeth by an open bowl of food from the stove", "a young female standing at a kitchen refrigerator top counter with a yellow banana banana on", "a girl sticks out her tongue at the kitchen", "a girl with a pink hair holding a banana in her mouth", "woman with pink hair eating a banana in a pan with hot foil", "a woman with short pink pink hair and bright pink hair", "a woman is picking up her tooth polish", "woman with pink hair eating a banana in front of she is looking upward", "a teenage girl eating a banana very tasty", "a woman is eating a banana on plate", "a young lady is eating a banana looking forward", "a woman with pink hair looking up at the sky", "a young woman with pink hair eating a banana", "woman in black shirt looking to the right", "a female with a pink hair and black bratop", "a woman making a chocolate cake in a bowl", "a woman holding a bowl with a fork in her hand", "a woman with a pink, pimp hair and pink roots eating a banana", "a woman eating a ripe banana in the day", "a woman that is in the bathroom eating a banana", "a woman with pink hair is eating a banana", "the girl eating a banana has no problem for this photo", "a woman looking forward to a half peeled banana in her pie", "a woman with a fruit bite blowing out to her mouth", "a woman eating a banana on a hot stove", "a woman with red hair and a cat out in the background", "a large pan that is on a wooden table", "a woman eating a peeled banana by a skillet", "a young lady is wearing black and is making a banana", "a girl with pink hair eating banana banana", "a woman standing in a kitchen next to a pot", "a young woman with pink hair dressed in a wig and a pair of red glasses", "a woman wearing a banda eating a banana", "pretty girl with fu pink hair and pink nails", "a woman with hair in the kitchen getting hot pink", "a woman with tattoos holding up two wine pots", "woman with dark eyes biting a banana in front of a pan", "ruby red singer girl pink pink pink girl pink is a red eating a pink pink", "a woman in black top, a gray shirt and a black tank top with lipstick", "a woman holding a banana in her mouth", "a person with hair, a woman pink hair and pink with red pink bangs blowing"]]}, {"question_id": 2916220, "question": "How many images with girls that are kicking an air in a center?", "answer": "2", "captions": [["a boy practicing kicking in a gym that is cluttered", "a man practicing karate in a room", "kicking kicking kick karate kicking kicking kick kicking karate karate martial martial kicking kick kick kicks", "a man in a white uniform jumps while standing in a practice room", "a man wearing a kim karate white kim sash", "a man on one knee with karate white robe in a karate - do", "karate karate karate kicker kicking leg on", "a man in a kimba doing a kick with one foot", "a man in a karate suit throwing a frisbee", "a man practicing karate kicking a kick", "a man doing a trick with his feet on the floor", "an image of a shot being blured by a jumping man", "the man in the white kimono is doing karate", "a man in white karate uniform kicking back", "a man wearing karate gear practicing a shot", "a man that is standing up with one foot", "a man wearing all white in a karate pose in an exercise hall", "a man is trying to play a game of martial", "karate fighter kick martial martial karate doing a fighting karate karate martial a a man karate", "a person doing kicks - down with his legs wide and a bare foot", "young man in white doing flip in martial class", "a man is doing an amazing martial stance", "a guy doing the karate kick with his legs in the air", "a man dressed in white holding his left foot on a stool", "a man has a white belt on his stomach", "a man kicking with one foot", "a person doing martial moves in a small gym in martial classes", "a man kicking something but he is in action", "young man in karate gear performing a kick in a gym", "martial man in white pants and belt performing jump", "the man who is in motion doing karate action", "karate karate fighter karate karate karate a dude in karate martial howard kim gi kick being", "a man wearing a white slacks is in a room with light", "a man kicks a trick while he does a kick", "the man is standing in a karate suit", "a man in white karate outfit demonstrating a kick", "a man dressed in white kicking onto a karate stance", "a man jumps in midair while wearing giets", "a blurry motion photo of a man doing karate in motion", "a boy doing karate in a dance position", "a boy in a kimbak, in white doing a trick", "a man in white martial attire kicking around", "a boy practicing karate kicking in his karate attire", "a young person kicking on one foot in the room", "a lady wearing a white robe in a large open room", "a guy in white uniform doing kick ups", "a man doing karate in martial attire standing with his arm in the air", "a man kicking on a floor in an empty room", "a man in a tie kicks a karate kick in a room", "a man dressed in karate kimshi piers in an martial pose", "a man karate kicking during a martial training", "a man in a white kim kim in a room", "a person on his leg kicking something", "a man in white jumps up while watching a motion", "man in room kicking off on feet", "a male performing in karate - style kicks on kicking position", "man with a black belt kicking on a floor", "a blured photo of a photo of a martial figure is spinning, in motion", "dancing in moving shin karate a martial martial moving photo karate a kicking martial by karate", "a man playing a game of martial kick", "a judokif is being a self - aware radialist in the image", "man in karate stance jumping after kick kick", "self - kick karate kick is a game for the gi", "a man with karate clothes, performing a kick", "a karate fighter demonstrates a position in a martial position", "the man is doing something to kick the black belt", "one man performing standing the kick karate fight pose poses pose", "a man demonstrating martial attire in a large room", "there is a man kicking the karate pose", "a man wearing a tie and a karate kimp - tae kicking with a man", "a young man in karate attire is doing a kick", "a man in karate kimbak jumping at the kick", "a person in a white jumps on a skateboard", "the man in black belt is practicing karate", "a man sits in a room and poses for a picture", "a man doing a kick with a black belt", "a man practicing karate kicking a dummy karate position", "a person is kicking and standing barefoot", "a kid who is performing a kick that is on the floor", "there is a man performing a kick kick", "a man stands on one leg and throws his leg with one leg", "a person kicking a ball and kicking a foot", "a girl on a skate board trying to kick", "a guy wearing a karate outfit about to kick the karate ball", "there is a man doing a kick with his feet", "young man practicing a kicking kick during martial practice", "kickin jisho photo of a karate man performing a kick", "the young man doing a trick on his kicking foot", "a man practicing karate moves in a room", "a man wearing a white kim doing fighting skills", "man kicking on a dance floor in class", "a karate demonstration is played in the middle of the room", "a man kicking a boy in an hall", "man in white doing kick up with a white belt on", "a person in a karate kimbak doing a kick", "a man kicking the ball with the white belt", "japanese karate in a martial kimdo karate class", "man standing on one leg wearing a white kimbak", "a man doing a trick with something blurry and blurry", "a man kicking while balancing on his feet"], ["two girls performing a back kick at a kickfight", "young boys do standing on opposite legs in a martial studio", "two men in black kicking each other down", "two men are standing on both side feet in kicks", "two kick performing karate students the kick kick kicking in kick karate fighting training practicing and", "karate two martial a two karate a two karate a two instructors three karate a the", "two girls in kick kicking position while looking reflected in mirror", "a young man standing up the kicking leg of another kicks", "children posing up in kick karate with one leg kicking", "three people doing a kick on each other on a field", "two women demonstrating martial moves in a gym", "two kids kicking kickes on a kick mat", "a woman kicking a boy with the foot", "two men kicking around another man preparing to kick the ball", "two boys stand on their leg while one boy kicks the leg up", "a pair of men doing a kick kick pose for another girl", "students wearing martial at westside martial arts in front of a classroom window", "a little boy standing up with both legs in the air", "two people are practicing karate in the gym", "- a two martial one two a a two young kick boys training a two a", "two young men with arms to kick the leg off the ground", "two girls doing a high kick in a room", "a woman kick kicking into another woman kicking a leg", "a woman doing a karate kick kick with someone", "young fighters performing a back kick right after each knee kick", "classes on young kick children a classes martial training children children karate martial children elementary kick", "two people are performing a kick in a room", "a guy with the leg kicking while practicing a kick in the air", "three men in the air in casual poses, kicking a kick", "a man standing on one leg as a man kicks his kicks while another woman stands", "two young people performing kickin a kick kick", "a couple of children practicing karate during an indoor martial session", "this is a couple of kids in white karate fighting", "a pair of teenagers demonstrating karate kick - kicks", "two boys performing a kick in a martial class", "martial this kick martial two karate tae a two kick kick kick karate a a a", "two little girls practice their karate moves in a living room", "a woman in martial fighting position demonstrating a left leg kick", "karate tae a a it classes two kick karate karate karate a a a two kicks", "some people are kicking with kick kicks", "karate kicks kicking practicing kick a karate kicking kick karate karate kick kick kicking kicking standing", "two men are doing a high kick in an asian martial", "a boy kicking a kick at a little boy doing a kick kick", "a female martial instructor kicking a girl with her foot", "a couple of girls kicking down with their legs", "two people showing some karate moves in a classroom", "men practicing karate fighting stance kick and stance", "two women doing a kicking stance in a classroom between a boy and a woman", "young men are practicing high kicks like karate", "two young adults exercising in a martial class", "a woman and a woman in a karate class", "a woman and a man doing combat near a window", "they are men in the middle of a kick", "children are practicing martial with a instructor at a martial school", "two people do kicking kicks while one girl gives up the kick", "two men are doing a karate pose", "two young boy in martial training getting kick with instructor before kick", "a person standing in a room with a karate pose", "judo a the tae a two students karate white two karate two getting two students a", "we don't see much of a photo with the woman kicking", "two young people in a martial stance", "guys doing martial tricks as boys are practicing", "a woman with yellow belts doing a kick", "man doing leg kick kick with right foot kick", "two kids in a kick stance while facing each other", "a man and a girl in a martial fighting stance", "children in a martial class practicing their movements", "two elementary aged children are practicing karate and demonstrating skills with each other", "a couple of guys kicking a leg kick", "two karatekicing man with his kick kicks standing while standing", "a couple of kids with their high kicks pose", "a man performing kick kicks on a leg", "2 men in martial class doing a side kick", "fighters posing in white shirts at a martial class", "a boy training kick boxers with one foot kick", "two young fighters kicking from a kick at a punch kick", "two fighters kicking kicks in an gym gym doing exercises", "two young adults pose while another stands in a kick at the same pose", "kids doing karate in a small classroom", "two young girls practicing kickes in a martial class", "two people practice taekwondo in a martial style", "people in sports classes practicing the front kick", "a group of kids doing a kick in a game", "two children learning a kick kicks in a room", "the two men are practicing kick ups with each other", "two young men standing in a martial pose", "a young man performing a kick in a gym", "two children perform a karate kick with their feet", "two people performing a kick in his open competition", "young men doing a kick on a person's leg", "a couple of girls that are doing a kick", "a photo of a couple doing some sort of kick pose", "two young children are practicing kicking leg kickes", "two young girls fighting with a kickbox", "two men that are standing in the ground with a kick", "two youth in white uniform practicing martial kicking", "two men are in a small martial class", "one man kicks something with his left hand and the other one in the mid air", "a man who is kicking one leg out of his kicking kicks", "two kids doing martial exercises with instructors in open area"], ["a close up of a person doing a arm kick", "young girls standing and holding hands with their martial uniforms", "two kids are standing and doing a kick", "two kids are standing in a martial position", "karate kicking kid kicking kick karate kicking a kids kids karate kids one a asian children", "a young boy poses doing a kick on one leg", "two kids in karate pose performing a kick", "two young children are dressed in white karate uniforms", "kids practicing kick with a pink shoe", "two young girls dressed in karate attire doing a pose", "the two boys are kicking the kick on the soccer", "a boy in white karate outfits kicking a kick pose", "two girls are showing their martial moves while they have kickbox", "a young boy kicking up his foot with its arm", "a child showing midboard move in front of another child", "a person in uniform throws a kick in the air", "karate kicking boy boys karate kick karate kicking asian kicking high the young doing kids kicks", "a child karate kicking kick with a kick", "a woman kicking a girl with her leg in the air", "a kid is wearing kimono karate white gloves", "martial boy doing a kick kick pose while kicking in the pose", "a young girl posing for a photo in front of some kids with one kicking and", "a young girl holding her kick and kicking opponent", "two women are doing their hands kick boxing pose", "a young girl kicking a soccer ball with another girl behind she", "martial two children boys boy doing taekwondo a a a a two young kicking and the", "two of two boys play karate one boy throws the kick", "a small boy kicks under his foot with his hands", "a female martial kick and a man kick kick", "two young males in taekwondo electrodes kicking out a kick pose", "asian young women kicking up their leg with both hands", "two children in white kick uniforms fighting", "two children kick a kick on a karate mat", "a small boy kicking a person on a field", "two young women are showing off the boot of a skateboard", "a girl and a girl in the photo", "a little child of a karate kick kick", "a pair of young people doing karate kickflots in a martial class", "two children in karate gear with their hands kick their leg", "a girl kicks while wearing white karate clothes", "two boys on a kick kickscreen kick", "a boy is in a karate pose", "a girl is kicking a girl on one leg doing a kick kick", "girl in karate uniform doing a kickstand", "a kids are kicking red slippers on a pink basketball ball", "a lady is demonstrating martial moves on a lawn", "two boys dancing with one leg up and the other leaning", "young teenager kicks his arm up at the kickball", "a boy is upside down making a kick", "two boys are doing a foot kick in a pink outfit", "a young boy kicks the leg of a man with his legs bent", "a female is showing a hand side kick", "two kids pose their legs as taekwondo kick kicks", "a boy in white pants kicking a high ball", "a couple of young boys wearing white holding on to a leg", "a couple of kids in their white kimono pants", "a kick kick kick kick up by a female kicking a kick kick", "two white men kicking a girl in the side", "two young boys have kick poses before doing karate", "two kids pose a kick - kick arm in the air", "a boy kicks a yellow shoe with a big foot", "two boys and one boy kicking a foot - kick kicking back kick", "two children holding and kicking a girl who has an outstretched leg", "a girl doing a kick in a backyard", "a couple of kids standing on top of a wooden table", "a young boy in a pink and white shirt kicking a pink object with his hands", "two children are standing while another child is in the air with her feet", "girls kicking a girl in the hands in martial", "two kids kids in karate practice karate pose kickes", "kick in arm kick kick a kick karate two karate an a the a a two", "a boy is performing a kick kick kick", "a girl hitting a woman leg kick", "two boys dressed in karate karate karate", "a young boys is kickbox kick karate move", "a young boys kicking with the foot in motion", "a young boy with a side kick, during training", "karate karate karate karate karate martial to young boys karate martial girls karate kick this karate", "a young male is throwing a ball outside", "a in children kicking a their children girls karate a three karate a two a two", "a child in karate kimono", "two karate fighters demonstrating a break on the mat", "two kids playing with a ball on a soccer field", "a boy kicking a ball up in the air", "martial two karate a two a two karate the karate a two children karate two a", "a little boy kicking a trick on his kick", "one women kicks up to punch another girl feet", "two young girls kick kick on a girl arm", "there is a young boy making a kick for a kick", "a woman kicking a child's foot with a karate glove on leg", "a young boy doing a kick kick in a yard", "students kicking kids kick kick kids kick a boy to little hands kicking kick legs kick", "a girl is throwing a kick at a boy", "two little boys are shown on their knees and knees", "women wearing white shirts standing with children kicking up", "there karate two a a the kids kick taekwondo a this young girls karate a two", "karate kick karate kids and children karate kick karate children tae a this doing girls children", "two children one kicking a kick up", "two young girls in kimono are striking karate moves", "a girl wearing white kicking a soccer ball", "two boys posing for a picture with hands up"], ["a child kicking the ball with her hands", "a girl standing in a fr kickball kicking a t - ball", "a child is kicking the leg kicks up while kicking", "a young girl kicks her high up in the air", "a little girl kicking a soccer ball with her legs bent", "a girl is putting a leg on the ball", "the girl in white shirt kicking a soccer ball", "a blonde girl kicks with the frie disc thrown in a park in a green", "a kid is trying to kick a frisbee with another kid", "i picture of a young girl kicking a high ball kicking ball", "a child kicks the ball as another child follows", "a young girl is kicking the ball outside", "a young girl kicking a ball with her foot", "a young child kicking a soccer ball kicking a t - ball", "a little girl with blonde hair has two pink and white petals flying", "a small young girl in a kicking position", "girl of 6, kicking in open grass with foot kick", "a little girl kicking an interesting soccer ball in the air", "a girl kicking the legs of a tennis ball", "a young girl kicks kick kicking something with her leg", "a little girl kicks ball with her legs wide", "a girl making a kick while kicking a soccer ball", "a little girl dancing in the grass of a back yard", "a young girl kicking a soccer ball on the grass", "a little girl that is kicking a soccer ball", "little blonde girl kicking a ball on the grass", "a girl with girl kicking a ball, kicking kicking", "a toddler kicking the ball with her foot up", "a person kicking a ball with kickstamr on in motion", "a little girl kicking a soccer ball on the grass", "a girls kicking a soccer ball kick with a kicking foot kicking kick around her foot", "a girl playing basketball in a motion on two legs", "a girl kicksng kicks kick while hitting the grass", "young girl plays soccer in on kicking ball", "a little girl kicking a colored frisbee with her foot", "a baby kicking out a ball in the spring", "young blonded girl kicking a kick", "a young girl in a dress has her leg and toes extended as she crosses one", "a little girl in shorts and a top is doing some balance dancing", "high kicks kicking kicking kicking kicking kicking little, kicking kicks kicks kicks kicks kicks kicking", "young girl kicking leg kick with a foot kick", "a little boy kicking a frisbee on a green field", "young dancing kick to kick the soccer ball outside on a grassy field", "kicking kicks running barefoot foot kid kicking children - children barefoot kids soccer walking playing kicking", "a young girl kicking a frisbee in mid air", "a young kid playing on a skateboard with a kick on the board", "a boy wearing black kicking with each one leg bent while kicking something", "girl kicking a soccer ball with his leg spread", "a girl standing on the grass with her legs wide out and a balle", "a girl kicking ball, kicking for a ball", "a little girl on a ball kicking a soccer kick", "a young girl stands on a leg kicks a ball", "the girl is standing while kicking a soccer ball", "a young girl kicks a leg with a kick", "a young girl kicking a ball in some very big grassy field", "a barefoot girl kick kicking girl kicks kicking kicking kicking kicking kick stepping kicking kicking kicking", "a kid kicking a soccer kick in an image", "a girl playing in the grass kicking the soccer ball", "a little girl kicking a ball on a green field", "a young girl kicks a ball while playing soccer", "a young girl kicking a soccer on a field", "a small girl kicking a ball on top of a grass", "little girl kicking on frisbee with one foot kicking", "a young girl is standing on the grass in her bare feet", "a girl with a soccer kicking a frisbee", "the child is running in the sun near a flower", "little girl kicking a ball with the leg", "a young girl kicks kick kicking while running", "a man kicks a soccer ball with his foot", "kids kicking kicking kick kicking kicking kicking kicking kicking in kick kicking kick kicks fr kick", "girl kicking the ball on the side of her legs", "little girl in bare legs kicks for a frisbee", "barefoot a kicking step - young stride kicks playing kicking kicking legs jumping a a a", "a girl standing on one foot in a field with a ball", "a little blonde girl kicking a soccer ball", "a young girl is kicking a ball in the grass", "girl playing kicking and playing all kinds of the soccer ball", "little girl kicks a frisbee while her leg goes in mid air", "a young girl kicking the goal", "little girl kicks a soccer foot kick", "little girl kicks kickball on a grass lawn", "a girl plays soccer with a soccer ball on a grassy field", "kicking kicking kicking and kicking children kicking girl kicking on young feet foot kick kicks high", "a girl kicking around with a pink kite in the back", "a child kicking a small disc on a white background", "a girl running towards a plate on a sunny day", "a young girl kicking something while wearing a skirt", "a close up of a person playing kick kicking", "a girl playing a kick up with her leg", "the girl was playing soccer in the green area", "a little girl kicking on a ball with her kick", "a child is kicking on the ground with her legs as she tries to kick the", "a young girl, kicking a soccer ball on a grass field", "a young girl kicking a soccer ball on a field", "girl swinging another leg with her leg in air and kicking", "little girl kicks a pink frisbee on the grass", "little girl playing outside near very happy with a soccer ball", "a little girl is jumping in the grass with a soccer footie", "a little girl kicking a tennis tennis ball with her feet so high, she has", "a girl kicks kicks soccer on a wooden surface"], ["a man that has a ball in his air", "a player standing on a side line near a soccer", "a rugby player in mid - kick kick on his leg", "the man is kicking low with his legs on the soccer ball", "a soccer player is kicksign to kick the ball", "a soccer player wearing white kicks the ball", "a low foot and a baseball glove in a stadium", "a young man who is bending to kick", "a man that is kicking a ball in the air", "rugby playing with a foot in a kick", "a football player with a green uniform leans forward", "a little forward kicks a ball with a leg", "a guy is kicking the ball on a ball field", "a male that is in some kick action", "a man in green kicking up his leg while people sit in the background and watch", "a soccer player with green jersey and white shoes", "a soccer player in the stance with one leg out kick", "a man leans forward on a grass field", "a young man kicking a ball on top of a field", "leaps kicking kicks mid man kicking kick a doing kick soccer man leaping kick kicks leg", "a man kicking a soccer ball while hitting the ball", "a man is kicking a soccer ball on his leg", "a grass green ireland's rugby - team and a white shirt", "a man kicking a kicking ball during a soccer game", "a man kicks to kick his leg on the other side of the pitch", "a man in a green shirt kicking a soccer ball on a field", "a man kicking a ball on a field while doing a kick", "a rugby player with a kick on the field", "a young man wearing a green jersey, playing with a soccer ball", "a person performing a kick of rugby", "a soccer shoeed ball soccer player in the ball", "a man on a field with a soccer kicks up", "a soccer player kicking while kicking ball in a soccer match", "a man is playing with a soccer ball during a kick", "a rugby player kicking the ball on a field", "a man is standing up and flipping and swinging a soccer foot", "a man is making a face at a soccer game", "male in high kicking kick with legs wide", "a man jumps high with a baseball in his hand", "a man standing on his toes in a soccer penalty kick", "the man is standing with a soccer ball", "a man with a kick kick kicking a ball", "a man playing soccer in a green and white outfit gets his foot up and is", "man kicking kicking soccer soccer action kicks in kicking kick foot playing soccer rugby soccer soccer", "a rugby player is kicking a soccer ball", "a man with a leg up on a soccer field", "a man wearing a rugby jersey preparing to run", "a man in a goal kick during a soccer game", "a man doing a kick with a high kick", "a man on one leg and kicking as they play soccer", "soccer kick kick player a kicks kicking kicks kicking in footballer the foot soccer soccer kick", "the green of a field is empty and fans are watching", "this man is in mid kickes kicking on grass", "a man on one leg kicking the ball while one side is off", "a man kicking on a soccer ball that is high in the air", "a male rugby player kicking a high kick", "soccer of rugby rugby rugby man a man soccer soccer kicking legs football athlete rugby soccer", "a soccer player performing and playing a kick - off during a football game", "a man kicksing a kick up with a ball kick kick", "a ireland kicks the ball on a soccer field", "a rugby player in action in a rugby jersey", "a man kicking a ball with his legs high", "a young man doing kick of kick on rugby rugby ball", "a man that can kick his foot forward", "a male soccer player is kicking the ball", "a soccer player kicks up to kick the ball", "a man playing a soccer kick during a game", "a man performing the splits doing a high kick", "a rugby player that is standing and blocking his knee", "a man in a green shirt is kicking a soccer ball", "a player is kicking a soccer ball on a field", "a man is kicking the soccer ball on the field", "a soccer player kicking the ball while legging it on", "irish captain rugby player doing a kick up", "a rugby player takes a catch during a game", "a man is kicking a soccer ball in a green field", "a man kicking a soccer on a field", "a man wears a green jersey and white shorts", "a man on a soccer field doing kicks", "a male soccer player in a rugby uniform wearing a jersey", "a man with green soccer socks hitting the ball", "a person in a green uniform kicking soccer", "a man does a leg kick with his legs wide with the sole of his shoe", "a football player taking a high kick on a ball", "the player is kicking the soccer ball during a game", "a man kicks on his legs while wearing green and white socks", "a man is kicking something that is flying up", "the man is kicking the soccer ball in the grass", "a soccer player with his leg up with a soccer ball", "a man is standing with a rugby ball", "a guy trying to kick a ball onto the grass", "a man is trying to kick a soccer ball with his legs", "a person with a soccer kick while doing the same same stuff", "a soccer player kicks the ball and kicks his feet", "a man in mid kick on the soccer grassy", "a man on a field playing a game of football", "in kicking rugby soccer a soccer squat a this feet kicking player kicking kick kick a", "a man standing on one foot in front of a soccer ball", "a tall soccer player kicks the ball like a goal", "a man is about to kick in a game"]]}, {"question_id": 1055210, "question": "The sink is above cabinet doors or a paper?", "answer": "cabinet doors", "captions": [["a picture of a donuw with a cup of coffee on a counter", "a doughnut next to a cup on a paper towel", "a donut sitting next to a glass of water", "a plain doughnut sits on a table with other rolls of wax", "a large doughnut sits on the counter next to a beverage", "a doughnut sitting on a small white piece of paper", "a brown bag sitting next to a donut and a drink", "a pink donut and a beverage on a wooden table", "two cups of liquid are on a napkin and a plastic container of liquid", "the pink donut with icing has two cups of iced tea", "bag in on bag paper bag bag bag dough napkin a bag lunch bag a half", "a single donut and napkins are sitting on a wood table", "a picture of a donut on a piece of paper", "a donut on top of white paper next to water", "a donut sitting on top of a white paper towel", "a donut sits on a table along with a drink", "a cup of drink next to a hot drink and a white paper on a cutting", "a donut is laying half covered with candy and a cup of coffee", "a doughnut sitting on a flour paper towel", "a doughnut and a box of boxes on a wooden table top", "a pink doughnut and a can with a drink sit next to it", "a iced drink and a half an apple juice", "a partially eaten piece of paper next to a cup of coffee", "a pink donut sitting on a table next to a drink", "a donut and a cold drink are on a table", "a drink sits on paper next to a wrapped napkin", "pink glazey donut with drink in blurry background", "a plain doughnut sitting on a piece of paper on a table", "don past milk plastic a frost a covered on a frost wax sugar food bag wrapped", "a partially eaten doughnut sitting on a white napkin near a drink", "a half eaten doughnut next to a drink glass", "a donut sitting on top of a napkin next to a paper towel", "there is a pink doughnut on a wooden table", "there is a doughnut on a napkin near a cup", "a pink frosted donut on wax paper on top of a table", "a donut on a wooden table next to a window", "a glazed pink on don don pastry on a paper paper paper white paper paper paper", "a donut lays next to a beverage in a coffee shop", "a donut is doughnut with a pink frosting on the pink icing", "a plate with a half eaten pastry, cup and drinks", "a wooden table holding a smooth drink and a donut", "a beverage and donut laying on a napkin next to each other", "a donut on some table with a glass of coffee", "a pink donut and coffee on a paper napkin", "a food photo taken with a cup of coffee", "a half glazed donut sitting on white parchment paper", "a pink donut is laying on some wax on a paper", "a single pink cake on top of a paper towel", "a very nice picture of nice view of a wooden counter", "a bag of food and a beverage on a wooden surface", "a pink donula sitting on top of a pile of paper", "the refreshive tea is sitting on the tray at the table", "a doughnut and two different colors desserts on wax paper", "a white plate topped with a donut next to plastic cups of coffee", "a doughnut that has been discarded and next to a coffee mug", "a chocolate doughnut in the image that is close to being eaten", "a glazed donut on paper towel sitting on a table", "a plastic donut in the middle of a photo", "a very large donut that is sitting on a napkin", "don, dough with don dough a non dun dough don - don photo the a", "a large donut on a wooden tray", "pink doughnut is sitting on a paper bag on the counter", "a pink donat on a table near a person's hand", "a doughnut is laying on a counter", "a partially pink doughnut sit on a paper bag", "the donut sits on a napkin with paper", "a pink glazed doughnut and paper on a wooden table", "a drink and ice on a table", "a large piece of art that is on a table", "a single doughnut sitting on a napkin, next to a cup with a large", "a close up of a doughnut on a napkin next to a glass", "a single ice cold drink on a table", "a very pretty fancy looking colored frosted doughnut", "a close up of a doughnut on a table", "a drink and a glass sitting on a table", "a pink donut sitting on a tray next to a beverage", "a small doughnut and some food on a table", "a brown wooden table with a cup of coffee on it", "a single pink painted doughnut sitting on a wooden table", "a closeup view of a doughnut on a table beside an iced drink", "a donut on a piece of paper sits on a paper napkin", "a pink donut rests next to a drink", "a cinnamon filled doughnut sitting on parchment on a napkin", "a donut sitting of a paper on top of a table", "dough don don dough pink a dough don do don pink a pink - a a", "a iced drinks tea beverage and a donut", "a small pink donut is on a table", "two white donuts and a bag with a drink on a wooden surface", "a glazed donut sits on a paper pad next to a cup of coffee", "a pink doughnut sits on a piece of paper near a glass of soda", "a piece of paper covering a wooden table top", "a donut sitting on top of waxed paper next to a drink", "a pink doughnut sitting folded on tissue", "a pink and blue glazed donut sits on a paper napkin near a drink with", "iced coffee dough cup dough breakfast a dun don iced coffee glazed a and don pink", "a pink donut laying on tissue paper next to a cup", "iced cold - drink, two cups of soda and a cold drink", "a fruit juice is bright pink on a wooden tray", "a couple of plastic cups sitting on a table near a shake", "a beverage for a iced drink next to a fresh donut"], ["home a round picture home kitchen rust circle stainless rust rusty plate plate picture rust steel", "a kitchen with lots of metal and pans hanging on the wall", "a metal sink under a metallic faucet next to a kitchen sink", "a kitchen with white cabinets and a dish tray", "a white refrigerator with a painting on the front of it", "a kitchen with a metal counter and a painting on the wall", "a kitchen with white cabinets a sink and a stove top oven", "kitchen with lots of magnetics hanging on the wall", "a sign is upside hung on the wall in a kitchen", "a modern kitchen has a counter and a large clock on the wall above the sink", "a kitchen with many dishes above the sink", "a plate hanging on the wall of a kitchen", "a kitchen scene of a sink and refrigerator", "the pan is on top of a wall", "a kitchen that has a pot hanging in the sink", "orange picture of a kitchen on a white refrigerator", "this kitchen has white cabinets and a bowl on the wall", "a kitchen with an old looking disk hanging over the sink", "magnet kitchen stainless metal refrigerator pan magnet fridge hanging white kitchen a fridge magnet fridge pan", "kitchen with a plate hanging on the wall next to a sink area", "there is a large round object on a kitchen refrigerator", "a kitchen with an old rusty wall art picture on the wall", "a kitchen with a sink, counter and sink", "a kitchen in the middle there is white cabinetry", "a dimly lit kitchen inside a kitchen", "a picture of a stove is taped to the wall", "a kitchen with white cabinets and cabinets and a sink under a rusty plate", "a large wall painting of a pated looking pan on a refrigerator", "a residential kitchen with white fridge and dishwasher", "two black and white cameras near a fridge and white sink", "a kitchen with white tiles and white walls and counter tops", "a counter top oven with pannel on it next to a sink", "a cooking round wall hanging wall home wall is circle decorative plates on art a hanging", "a photo of an older man's kitchen with plates hanging on wall", "a refrigerator with a painting on the refrigerator", "a kitchen filled with a wooden serving platter sitting on the floor", "a brown circular metal item on the edge of a kitchen counter", "white cabinets in a small kitchen with pan pan in a fry fry pan on a", "a refrigerator that has a frisbee painted on the front", "a kitchen area with a oven, refrigerator, sink and cabinets", "a kitchen sink under a window a sink sink sink cupboards and pots", "a stove top oven sitting next to a white fridge", "picture of the kitchen wall hanging is hanging on the fridge", "a fridge that is white with a lot of magnets", "an image of the kitchen is on the wall above the kitchen sink", "old rust kitchen old kitchen rust rusty retro tin rust painted rust rust sink rusty rusty", "a stove and sink in a small room", "a refrigerator hanging on a wall in a kitchen with a white and brown refrigerator", "a small kitchen is in the reflection", "a kitchen filled with a sink and a stove", "white kitchen with white cabinets and a decorative plate sitting on the upper cupboards of", "a bowl hanging in place in the kitchen sink", "a fridge with a picture of a girl in the kitchen", "a refrigerator covered with artwork and a plate in a kitchen", "a kitchen is shown with all white cupboards", "a steel sign is a rusty old sign", "a fridge in a white kitchen area with a sink", "a kitchen area with a sink, stove, a stove top and cupboards", "a large pan on a fridge in a kitchen", "a kitchen with sink and a large wall hanging", "a wall plate with an image of an elephant on it", "a kitchen has white cabinets and white walls", "a kitchen sink and sink in a kitchen", "a kitchen with an antique fire sign near the sink", "an old rusty and paint kitchen with a rusted tin", "a view of a modern kitchen from another perspective", "an old rusted sign on the wall of a kitchen", "a painted wall hangs on the refrigerator in a kitchen", "refrigerator fridge kitchen a magnet refrigerator hanging fridge refrigerator magnet fridge rust refrigerator fridge refrigerator magnet", "a metal sculpture above the kitchen sink hangs on a backsplash of a rust", "a kitchen with a sink a faucet and a painting with a floral theme", "a plate hanging over a kitchen sink", "a metal sign and rusty patina iron plate in a kitchen", "large pan pan hanging above a sink in a room", "a home kitchen with a sign hanging above a sink", "a plate that is upside down by a wall", "a stove and refrigerator in a kitchen", "a kitchen refrigerator with a picture in the middle of the refrigerator", "an image of a kitchen being displayed in this room", "a large metal pan hangs on the kitchen wall", "a white kitchen with white cabinets and a wall plaque with an iron plate", "a refrigerator is hanging a rusty plate", "kitchen in two doors opened with an old sign hanging on the wall", "a stove stands behind a refrigerator in a kitchen", "a white refrigerator with a large magnet hanging on it", "a kitchen with the door open to a dark room", "a painting of a cat on the wall above a white kitchen sink and counter", "photo orange painting refrigerator kitchen fridge over fridge refrigerator painted personal painting painting a picture picture", "a kitchen with the stove at the left, kitchen sink and sink in the center", "a white kitchen with a round painting on the door", "a stove top oven sitting behind a sink in a kitchen", "a refrigerator covered in a fire hanging from the wall", "kitchen with wooden plate with a wood decor", "a kitchen sink and white cabinets with a large kitchen plate hanging", "a wall mounted over a kitchen sink in a kitchen", "a fire kitchen with a picture on the wall", "magnet board is on the refrigerator to keep art hanging", "a door opened to a kitchen area with a plate on the wall under it", "old rusted rusted pan in a kitchen", "a picture is shown on the fridge magnet"], ["a close - up of a hotdog and french fries", "a hot dog with onions on a bun near a hot dog with fries on it", "an hot dog next to some fries on a table", "two baskets a sandwich plate is paper lunch fries fries fries basket and a basket table", "a hotdog and another snack on it", "a hot dog next to french fries on a tray", "two fried snacks sitting next to a hotdog and a pile of broccoli", "closeup of two different foods near one another", "a paper bag of french fries being sold with stawing", "a pair of fast food items sitting next to each other", "the hot dog includes fried vegetables in this basket", "a hot dog in a bun covered in onion rings", "a burger chili foot chili fries potato fries fried fries onion that french onion fries a", "two hot dogs are on the table together", "a hot dog and french fries sitting next each other", "these are deep fried fries and a hot dog", "a photo of a delicious hot dog and some green fries", "two chili dogs are sitting on tables next to crumpled wax", "a hotdog with a side of french fries on a counter", "a hot dog and fries displayed on a white surface", "a basket of french fries and fried tates", "a close up of two containers of food", "there is a side view of a hot dog and french fries", "a couple of food items placed next to each other", "next the fries cheese tate hot and chili tate next and and on hot fries hot", "a large hot dog in a bun next to small fries", "a bun with a hot dog and a topping sandwich with there mustard and a hot", "a plate with french fries next to a sandwich", "two pictures with hot dogs and fries on a table", "a hot dog sitting next to fried frisbees", "hot hot ho hot on wiener hot a a hamburger long foot hot chili hot hot", "two hot dogs and some cheese on a table", "the chili dog is next to the fried french fries and fries", "hot fries hot a, a top fries hot hot bun hot hot sandwich hot hot", "the left side of a table next to some food", "a hot dog sliced in half is sitting next to a hot dog", "two items of hot dog and meat on a bun", "the silver steel has the table in it, alongside the meal", "a hot dog and a fries on a plate", "a napkin and a hot dog on a table", "there is a long hot dog and a pickle on the side", "a chips fries fries fries fries sandwich fried hot and barbecue a fried potato fries over", "a hot dog and a pile of fries next to each other", "a hotdog and loaded fried tatedog sitting at a table", "a big hot dog and a snack are in an image from the menu", "hot fries fries and served a hot fries hot baskets fries bacon a a fries fries", "a hot hot and meat a paper hot hot fried re hot a a the sausage", "half a hot hot dog sitting next to a table", "a hot chicken and fries with condiments on each side", "a lunch is sitting on a counter next to a basket of fries", "a close up of a plate of fries with a chili in a basket", "french fries deep fried fries and french with bun fries bun a fries and hot cheese", "a hot drink and a hotdog on a table", "a hot dog and french fries on a plate", "a hot dog and french fries and some fries", "a hot dog and fried fries sit next together", "seasoned chili food sandwich fries with chips fried hot fried fries chips tate fried grille tate", "two hotdog with fries are next to a sandwich of onion fries", "a food item of french fries and cheese fries", "a hot dog and french fried frittes and a hot dog", "a hot dog with a hot dog sitting in a bowl", "two food items sitting on a table near a beer", "the food can be prepared for consumption and consumption and it looks good", "two hot dogs and potato fries sitting beside one another", "a hot dog and bag on table near hot dog", "french fried's and french fries on a plate", "a hot dog on a bun and a small hot dog sandwich on the table", "to next a onion fried served hot fr fries fries barbecue hot - burger and hamburger", "a bunch of a plate filled with a hot dog and a snack", "a hot dog and fries are placed in a white basket", "sausage and french fries that are hotdogs", "a large roll with some type of pastry next to a hotdog", "the two food dishes are next to each other", "a table containing some food and fries for two", "a hot dog next to a small container of fried french fries", "there is some deep fried fish and fried fries on this table", "a close of a hot dog with mustard, peppers, and tomatoes sits in a", "a hot dog and fries are in plate together", "a hotdog and fries sitting on a paper wrapping bag", "a a grille dog and next hot hot a onion hot hot basket on hot hot", "a hot dog with bacon fries next in photo", "a fr hot a hot seasoned hot onion a hot hot hot hot hot bacon hot", "two hot dogs with french fries on a plate", "a plate topped with french fries and a hot dog", "the table has french fries and french fries are together", "a table with two basket of chips and drinks", "a hot dog and fries on a paper box", "some french fries, a wiener dog and a hot dog", "hot dog is placed on with a hot roll sandwich", "a table with two different dishes one has french fries and the other has fried fry", "a hot dog with onion frittes and a hamburger sandwich", "french fries fries fries french fries fries french onion fr fries french barbecue burger fries fries", "a basket of french fried potatoes and beer fries next to them", "two hotdogs next to each other sitting side by side", "an open hotdog and some fries that look to be in a basket", "a hot dog and fries and some vegetables", "a set of two plates of food sitting on a towel", "the meal includes fries, and fries in a paper bag", "a hot dog, and fr fries are sitting next to each other", "some onion fries and beer on white paper and a hot dog"], ["a person holding a piece of bread with fruit on it", "being and holding it fingers a this sandwich someone a this is in wrapped inside bread", "a big sandwich cut in half stacked into a hand", "the person is holding a white paper with a sandwich", "a woman holding up two sandwiches that are halves full", "a person's hands holding a half - eaten sandwich", "a close up of a person holding a sandwich", "a hand holding a sandwhich of a sandwich", "club bread being turkey sandwich grille sandwich sandwich a open ham a a a toast in", "a person holds a toasted bread and avo avot", "person looking at piece of food that contains cucumbers and tomatoes", "a person is holding a sandwich that has avocadas", "the hand is holding a half eaten sandwich, inside of some paper", "the chicken sandwich is full of protein the whole sandwich is full of ingredients", "a person is holding a sandwich on a paper bag", "a person is putting a sandwich on the other hand", "a person holding a cucumber, tomato and bread sandwich", "a sandwich filled with cucumber and tomatoes", "a person holding up a cut in half donuts or something", "half eaten sandwich in bun wrapper paper with sandwich ingredients", "a sandwich in a tissue covered container with cucumbers", "a person holds a sandwich filled with cucumbers and pickles", "two sandwiches stacked on top of each other", "a hand holding a large sandwich with a variety of toppings", "a person holds a food item in front of them", "a person is holding a very tasty sandwich", "a half eaten sandwich being carried by a person", "a close up of some wrapped paper on top of a piece of paper", "a sandwich with a brown bread on a wrapper", "a close up of a sandwich with many slices of bread", "someone holding a large sandwich with many different types of food", "a person holding a plastic plate filled with a sandwich", "female's hand is taking two fingers bite a sandwich", "a large sandwich is being held by two hands", "a woman holding a hot dog bun and kesha", "a person holding up a large cucumber sandwich", "the person wears a black coat is holding a vegetable sandwich", "there is a person that is holding a sandwich", "a hand is holding a half - cut sandwich", "a person holding an unwrapped sliced sandwiches", "a male's hands holding a toast in a plastic bag", "we are holding a piece of wrap wrapped in white tissue", "a person is holding a chicken sandwich displayed on paper", "someone holding a bagel sandwich cut in half with cucumbers", "a sandwich wrapped in white paper with a man holding it", "a person is holding a sliced up sandwich in their hand", "a person holding a sandwich topped with lettuce", "the sandwich is taken from the wrapper and half in half of it on the", "a hand holding a vegetable in half it", "a hand holding two wrappers filled with paper paper and cucumber", "a pair of hands holding avocado, one of them is split by the", "a hand holding a sandwich with a pickle on it", "a person holding a sandwich with avocado inside", "both hands holding sandwiches with cheese and cucumbers", "a close up of the mouth of a person holding something in her hands", "a person holding a half eaten sandwich in their hand", "a woman holds up a sandwich made of bacon, tomatoes and onions", "a woman holds another person as she puts them onto a white paper bag", "a person is holding a half eaten sandwich", "a plate with chicken in a wrapper in the sandwich box", "a person holding a half eaten sandwich inside of a bag", "a close up of a sandwich that appears to be close to someone's hands", "a sandwich wrapped in paper with cucumber and some other food", "a person holding two different sizes of the persons right", "a person is holding a submarine sandwich in their finger", "a person holding a sandwich in their hands", "a person has all the left meat in the sandwich", "a close up of someones hand holding a sandwich", "a sandwich cut in half being held by the person who is holding the sandwich", "a sandwich cut in half with paper on it", "a person holding a sandwich half inside of half", "two stacked halves of a sandwich, with various greens on it", "a sandwich that is cut in half in the hand", "a hands holding a white bread wrapped in a white paper", "a hand holds the open sandwich to show a slight variety of toppings", "a hand holding a sandwich with three layers of bread", "a person that is holding a sandwich in their hand", "a person that is holding a half eaten sandwich with a bite taken out of it", "an open hand holds a chicken sandwich wrapped in bread", "someone in a brown jacket holds a sandwich with cucumber in it", "someone is holding a sandwich stuffed with cucumber, cucumber and meat", "a man is holding a sandwich in a wrapper", "a white paper with a woman holding two sandwiches", "av with a a a whole bread a vegetable burger half a a a a a", "a sandwich with ham, tomatoes, asparagus, and salsa", "a sandwich cut in half sitting open on a table", "a close up of a person giving a sandwich", "hand holding an old ham sandwich to the left", "a person on a field and some cucumbers", "a sandwich with cucumbers and meat is being held in a bag", "a person's wrist holds an open sandwich wrapper over the top of the", "a person holding a sandwich with bacon and tomatoes in his hand", "a cut in half sandwich on top of a white paper bag", "sandwich on white wrapper with a human's hands and two sandwiches on the", "a sandwich cut in half, the inside is showing the inside", "two halves of an avocado sandwich in paper wrapper,", "small sandwich cut in half covered with a white parchment paper", "a person is holding a sandwich with an onion cut in half", "a sandwich is shown cut in half by someone holding a knife", "a hand holding two halves of bread and one inside of it"], ["someone holding an umbrella in a person's hand as they hold it", "a person holding a half naked donut on a napkin", "a hand holding brown frosted donut with chocolate toppings", "a piece of plain paper with chocolate frosting on it", "someones hand is holding a donut covered in caramel", "a hand holding a hand holding half eaten doughnut", "a donut on a napkin sits on a table", "a person's hand holding a very small brown frosted pastry flavored", "a glazed doughnut held up on a white paper", "a person holds up a doughnut with a note with it", "a person is holding a very tasty small doughnut", "a person holding a half eaten glazed donut", "person holding a large doughnut on top of a piece of wax paper", "a person holding a brown doughnut in their right hand", "a person holding a half eaten doughnut with a thumbnail", "someone giving a big donut out of some paper", "a person is holding a chocolate doughnut on paper towel", "a hand that is holding a big brown doughnut", "a person holding a sugar donut out of it's wrapper", "a doughnut is on a napkin on a parking lot", "a glazed doughnut in a hand on white paper", "person holding down paper towel that is very small", "this is a small piece of paper on a napkin", "a close up of a person's thumb holds a large doughnut", "a hand holding a chocolate covered doughnut on white paper", "a glazed donut sitting on top of a piece of white paper", "a person holding an eaten donut on white paper", "an image of a donut on a napkin", "donut sitting on paper paper sitting on top of hand", "you may just want to bring their chocolate doughnuts", "a person holding a close up of a donut", "someone is holding something in a blue coffee cup", "the person holding the doughnut is holding a paper paper", "a paper towel under a donuts laying on it", "a donut made of chocolate sitting on paper parchment", "a hand that is holding a doughnut half glazed", "a hand is holding a doughnut on a folded", "a person holding a plain doughnut on paper", "a close up of a doughnut on a paper", "a person holding a brown doughnut in their hand on the side of a street", "a single cup of soup is shown on a plate", "a plain un - glazed doughnut on a paper piece of paper", "hand paper hand and hand it paper paper hand paper paper paper folded thumb - wrapped", "someone holding something about on paper in half way that can be shot", "hand holding a frosty doughnut covered doughnut brownies", "a hand holding a donut sitting on the parking lot", "person holding the paper and holding half of a glazed doughnut", "a large person is holding up a half eaten pastry", "a piece of wax paper on top of a napkin", "a hand holding up a large round donut in the middle of the road", "glazed a a on an kris glazed dough is tissue glazed the vanilla k on glazed", "a hand holding a food item from a hand", "a donut held up by a person", "round donut on a napkin on a table", "a donut sitting on a wrap on top of tissue paper on paper", "a person holding a large donut in his hand", "a large chocolate krispyz on a paper paper bag", "a person holding a doughnut on a napkin", "a large frosted donut is shown on a paper", "a brown donut sitting on paper on a table", "a big doughnut covered in chocolate sitting on a white napkin", "this glazed donut on paper has a very small bite left", "a person is carrying a large large square of food", "a person holds a doughnut in their hand", "a small peanut covered pastry being held", "a small round donut sitting on top of a paper napkin", "a picture of a close - up photograph of a frosted donut", "a hand holds a small round up doughnut in it's left hand", "a hand holds a sugary donut while standing on a wax paper", "person holding on to doughnut in persons hand", "a person holds a glazed donut in their hand", "a person holds a partially eaten donut on paper", "a hand has an empty brown container on a napkin", "a white napkin of a half eaten doughnut", "a person holding a sugary glazed cupcake in their hand", "large glazed frost brown don cara glazed hand k chocolate glazed chocolate a and small don", "a donut is sitting on a paper napkin", "a chocolate covered donuts is sitting on a napkin", "a close up of a piece of type of food", "the paper with a doughnut is sitting on a napkin", "a person holding a doughnut on a paper towel", "person holding a glazed chocolate donut with toppings on it", "a hand with a hand holding a napkin wrapped in a yellow and black glove holding", "one hand holding a single doughnut on a napkin", "a glazed donut holding in a hand", "a man holds a large frosted food item", "an empty paper held up in the palm of a palm trees hand", "a close up of a small donut on a white paper", "hand a and hand hand a hand and hand a hand paper glazed fingers - small", "small frosted donuts held up in a passenger hand", "there is a person who is holding out a big piece of paper", "a doughflower on a napkin being held by a hand", "a donut with a single layer sits on a paper towel", "a doughnut is sitting on a napkin and the white surface looks like it would", "an iced glazed donut laying to his glazed pastry", "dough a white chocolate plain coffee kris a a a a left the cinnamon brown a", "the donut on the napkin has glazed and ready to be eaten", "a hand holding a donut on a paper towel", "a hand holding a desert covered in chocolate", "a piece of wax paper sitting on a wax paper"]]}, {"question_id": 2519947, "question": "What is the child in?", "answer": "stroller", "captions": [["the meal is very food on the tray with a white cloth", "a plate of food is sitting on a table", "a tray is full of food on a tray", "fork and cheese is on top of a paper tray", "a tray is filled with a sandwich and a container of syrup", "a rectangular brown tray full of food is ready to eat", "a plate that has some mashed mashed vegetables on it", "this plate has a plate of food and a spoon", "a meal sits on a tray in the middle of a hallway", "a meal is sitting ready to eat, ready to be eaten", "a meal tray that has no food in it", "lunch the breakfast steak steak steak lunch lunch serving tray in meals tray compartment plastic serving", "a wooden table of a tray with a bottle of liquid on it", "steak, grille steak steak steak at eating", "a close up of a tray with food on it", "a half eaten plate sitting in a diner", "a tray of food on a dining table", "the picture is taken at the cafe and looks nice", "two steak steaks on a chop with some people sitting outside", "a plate full or food sitting on the edge of a table", "there is a picture of a large meal on a tray", "a plastic lunch tray with a cup and water beverage", "food on the lunch plate is on a long tray with many persons", "people are taking a break inside of a kitchen", "a half eaten plate ready to be served by an employee", "a serving tray with food, with it being a dinner", "a table contains a small meal with a large view through a window", "a plate of food sits on a table in the hospital bed", "a tray holding many food items on a table", "a tray on tray tray holds the food on the dinner tray", "a plate of food with a spoon on the side", "a plate that has a brown color on it", "an empty lunch plate and a girl at a table", "a tray bed tray, full of food, on a tray, has it in", "the food is plate of food on a plate", "there is a plate of food is placed on a table in this picture", "a picture of the tray of food is shown", "a food tray of meat, potatoes, and onions", "a meal entic cooked, sitting in the cafeteria", "a steak on a tray sitting on a table", "one fruit is sitting on a large tray", "a tray that is filled with a piece of meat", "a large plate of food on top of a table", "a plate of breakfast beef steak with mashed potatoes and mashed potatoes", "a dinner of food on a tray with some water in a plastic container", "place of food with a fork and a fork on a table", "a meal on a plate that is not eating yet", "a cafeteria tray covered in food on the table", "a plate of food made with potatoes and mashed vegetables next to other vegetables", "a picture of a table in a cafeteria with food on it", "a plastic plate holding a very long meal in a restaurant", "a flat tray with a dish of food sitting on a wooden table", "a close up of a close up of mashed potatoes and cabbage", "a tray holding a meal of meat with potatoes and potato is on the floor", "a variety of meat on a plate, with potatoes and chop sticks", "a tray with some kind of food on it that is being available", "the cutler is left on the tray on the table", "plate with a plate, a table, a restaurant, and people enjoying the cafe", "a plate of food has potatoes and carrots on it", "this is food prepared on tray on a table", "a meal of vegetables and meat with a bottle of mustard near it", "a plastic tray tray at a cafeteria lunch", "a plate of food is on a table", "a picture of a spoon and a fork and fork rest on a dinner plate", "a and table cafe a a a a a the lunch diner breakfast a the breakfast", "a half eaten meal of a plate of food in a restaurant", "this photo has no image of a person sitting in a dinner room", "a small tray filled with food next to a laptop", "a tray with a variety of food sitting on it", "a table has dinner on it, and a wine glass in the table", "a barbecue meal is served grilled meal dinner potatoes dinner", "a plate of food on a tray on a table", "a plate of food with a fork and knife on a table", "a plate that is sitting on a table", "a plate of food that includes a glass of wine", "a plate is in a tray full of food on a tray", "a meal of steak, fruit and a glass of water in a cafe", "a condiment in a cafe in a dining room", "a person sitting in a wheelchair eating a steak", "a restaurant is very dimly filled with many food items", "a tray with meat, and a fork on it", "a restaurant with lots of table food and fork and knife", "a large assortment of food is shown ready to be eaten", "a plate in a cafeteria with vegetables and fork, sitting on the table", "a sandwich and a orange with a drink on a tray", "a plate of food consisting of mashed potatoes, colerbace and mashed", "a plate topped with a small tray sitting on a table", "a plate of food on a table is empty", "a plate of food sits on a table near a carpeted wall", "a tray of food sitting on a table ready to be eaten", "a meal for lunch is on a dining table", "a photograph of the inside of a building is taken", "a plate of food is on a lunch table", "a small plate filled with food and a person sitting in the room in the background", "a tan dinner plate on a brown table is full with some food", "a tray of food sitting on top of a table", "a steak of meat on a plate next to a plate of potatoes", "a picture of a plate of food that is on a table", "a bowl of yellow in the center of a cafe", "a tray of food on a tray tray is on a table"], ["a man and a woman sitting at a table eating", "a woman and another woman sitting at an open park", "a couple smiling old sitting at a tables outside", "an elderly couple is sitting together while they have conversation", "two people with a laptop next to each other", "a restaurant with table and table and view is in front of a window", "two elderly elderly seniors are sitting looking at the camera", "a couple of windows in a room with a table set to the floor", "an old man sitting at breakfast near the window", "a man on a playground park sitting on a street", "a couple siting on a city sidewalk with a beverage", "two people sitting are talking near a playground", "an elderly lady looking out from a windows", "and some a older there aged two he two there two two the an an a", "people are chatting and watching outside outside from the window", "two people are sitting together in front of windows", "an elderly woman is chatting with an older woman", "two people sitting at a table at a table counter", "a elderly couple doing something on a screen laptop", "a person sitting at a table with a skateboard", "an elderly couple looking outside the public cafe dining restaurant", "an older woman and an older man are sitting on the phone", "a person standing looking out a big window with trees in the background", "a man and women is eating a meal together", "two older people are sharing the view from a restaurant", "a view of a diner with a view of the street lights", "a small view of a town out a window", "a couple of an old lady sitting down in dark", "two elderly people sit on each other and talking", "an elderly women having a conversation at a small restaurant", "two elderly people sitting at a cafe table", "a photo of an elderly couple sitting in one of the dining rooms", "a man on a laptop,, in front of the window of a restaurant", "an old man and a woman sit at a table looking out of a window", "a older man using a laptop next to a younger man, at sitting in sitting", "two people sitting in a bar together", "a large old man sitting near an older woman", "a man and an elderly woman sitting next to each other", "an older and over aged couple sit in a cafe", "two people who are sitting with one watching on the clock tower", "a couple sitting at small table looking at each other", "two older man and woman sitting at an old female looking out a window", "people sitting at a table, one reading a book", "there an aged elderly and a senior couple sitting together", "aged and looking older a 2 together an a a a looking an the two this", "an older woman sits in an old cafe", "two old woman enjoying a restaurant ride at the amusement park", "two elderly men looking out on the city outdoors", "the two couple is talking to each other at a restaurant", "two people is looking at each other", "two older women that are looking their laptops together", "an elderly couple sitting at a table eating food", "people are sitting tables looking out windows at dusk", "a man and asian elderly couple looking outside of a window", "an older couple sitting in front of an open laptop computer laptop", "the two old people are sitting near one another", "an elderly couple looks at the day outside", "there is an old lady that is seated at a table", "a pair of elderly people sit together at a table", "old two a a two man two two two a some two two the children an", "an older man and woman sitting sit looking right as opposite ways", "a picture of a woman at a computer in a room", "a old lady is walking and holding with an older woman", "a couple sitting in an empty restaurant bench at a outdoor restaurant", "two older people walking near each other near a man", "they are looking out of a glass window that looks out at a park", "an old woman and a man are having coffee and looking out", "a man and woman seated at a window together", "a picture of some people and a man at a table", "over elderly people a an a elderly an older elderly old elderly a two older aged", "two people at a table listening on their cell phones", "an old man looking over a seated next to a older man sitting at a table", "an elderly woman with white hair in a park", "a man and a older woman are in long ties", "two woman sitting next to each other looking in a cafe", "looking with large trees and large park and some fair attraction ferris carnival lift ride", "a couple of people that have breakfast and ride rides", "two elderly people sitting at a restaurant area", "an old couple sitting at a diner looking outside the window", "elderly people sitting a table in an outdoor dining area", "the guy is sitting alone and reading a book", "this photo shows an older man and woman sitting together", "an old man and woman sit at a dining table", "a view of the playground with people playing outside", "a older woman and a man dressed white walking", "two people sitting at a table by a playground", "an elderly woman enjoys a small afternoon at a cafe", "an old man and an old man looking back towards something", "a man sitting in a park reading a computer tablet", "an older couple at a dining table on their laptop", "there is a single photo here of this photo", "two older women sitting together in front of a large window", "an older man and old woman sitting and smiling", "an older couple siting in the sun at a restaurant", "a two a there two a the people two two a two an a two two", "a couple sitting inside a small restaurant looking at each other", "elderly women looking at the ride at the park", "an elderly couple is sitting at a table next to a tree in the background", "two older people sitting outside in the sunlight", "an elderly couple sitting at a table outside at a park in a neighborhood"], ["a picture of a beach with a green umbrella", "two chairs are seen on the beach under a green hat labeled travel information", "a couple of people on a beach with a giant green umbrella", "a deck chair sitting on top of a beach next to the ocean", "a green and white beach scene with a passport of florida sign on the sand", "a number of green folding chairs that are by the beach", "a beach beach sign sits above a green beach umbrella", "a wooden folding on a beach with a umbrella", "a green lounge chair that's next to a foot hoana", "two chairs are up on the beach near the water", "lounge lounge chairs are in the sand by the ocean", "a beach chair with comfort and peace from fremont beach", "a closeup of a green outdoor chairs in front of the sea", "an umbrella on a beach with some words on it", "chairs are set under a large umbrella at the beach", "the foot honor sitting under the logo for fort fort fort", "an umbrella on the beach has some ocean views", "is sand sand umbrella umbrella a cannon harbor a almost the jamaica cannot sand the harbor", "chairs a sand jamaica two chairs chair in seat chairs with a sea chairs a comfort", "beach hotel green beach deck beach chair beach private lounge beach sand green green lawn palm", "a beach chair and an open chair under an umbrella", "this is a beach chair sitting under a green lawn umbrella", "a group of lounge chairs are facing another sitting on the beach", "a chair with the famous cameron of jamaica on it", "two chairs and an umbrella on a very sandy beach", "an umbrella and chair is set by the beach", "the beach is relaxing next to one of two lawn chairs", "two lawn chairs in sand and an umbrella for shade", "a chair under the canopy of the family of a man looking out to the ocean", "a green beach and green ocean beach", "a clear photo of a green background including the logo on the chair", "two beach beach lounge beach chair patio shady beach beach beach beach beach chairs cape beach", "two people sitting on a chair under an umbrella", "a green chair filled with two lawn chairs in front of a lake", "the beach chair company of sibent, florida", "a a, commons chair of the the white seat comfort harbor of cha beach cannot", "with ga cha in a two with sitting comfort seymour visitor and the ga hamilton chair", "a pair of lawn chairs under a green umbrella on a beach", "two chairs under an umbrella at the foot of the florida of a beach", "two green chairs and a white sign that says welcome to royal hotel", "a view of a white beach sand that is empty", "a umbrella on a sandy beach umbrella with the hotel entrance", "two people walking on the beach under a beach umbrella", "a beach resort has an umbrella sitting under it under an umbrella", "a pair of beach chairs sitting on a beach", "umbrella on beach facing ocean of land of beauty", "an umbrella that is in the sun with chairs on it near the beach", "beach beach beach sea beach beach beach beach beach beach umbrella beach beach beach sign beach", "some water is very calm on a sunny day", "an advertisement with sea and the name on it and a captora on the sand", "two chairs with the name of the resort are parked at a sand beach on a", "a picture of a beach with a bench on it and a dog and dog cafe", "a beach reads royal lounge on its side", "this photo is taken on a beautiful hotel overlooking the beach", "a green umbrella is sitting under an green sign", "two chairs at a beach on the beach", "two chairs underneath a sun umbrella on a sandy seas", "two wooden lawn chairs in the sand and facing the ocean", "a couple of chairs on top of a beach", "a group of chairs on a beach beach near some water", "a green lawn chair and chair under a green umbrella", "two umbrellas shade two chairs and a sign reading south pacific the southampton of state", "white photo umbrella on white hotel royal royal royal hotels hotel royal kentucky and sand hotel", "a view of the beach and two chairs under the white sand", "one beach chair that is green, and green logo", "two lawn chairs beneath the umbrella on a white surface", "two chairs at the beach sheltered by an umbrella", "a green umbrella with white sand and a beach sign", "two green set beach furniture beach sitting umbrella chair beach harbor chairs beach two cha beach", "a two lawnchai chairs on the beach next to the ocean", "photo of a green lawn club beach lounge chair", "a personal tour de france hotel beach with the beach", "two wooden chairs sitting in grass by the beach", "a person sitting on the beach under a shade at sea", "some chairs are set up under an umbrella, and the beach house hotel lake beach", "a yellow two chairs on a beach under a large umbrella", "hotel hotel hotels royal royal royal royal outside royal royal royal house royal royal hotel hotel", "there is a white person surfing on the beach", "a green and white business sign on the beach", "two umbrella on the beach, relax beach real beach, florida", "an on view beach is the name, famous beach club", "two chairs on a beach sit under a green umbrella", "foreign palm view on lounge a paradise f the vermont summer the a the sunshine an", "a large umbrella with the words tammatipo on it", "a very sandy beach beach of a miami beach", "a green beach umbrella and two chairs on the beach", "a sign is displayed on a beach with chairs", "a beach covered with palm isle yacht boat resort", "beach chairs with a umbrella at a four fort flott beach", "a chair, in front of the ocean, sitting in a shade", "a chair with two lounge chairs on the sand", "ocean relaxing beach beach paradise paradise resort lounge lounge la with beach beach beach beach beach", "a two lounge chairs and a parasol sitting on the beach", "a view of the ocean waters as viewed from the beach", "an umbrella is shade from two folding chairs at a beach", "lawn chairs sitting on the tropical beach at the beach beach", "the sand on the beach is tan - green and white", "a set of lounge chairs is on open beach", "a single bench under an umbrella on a beach", "a couple of green lawn chairs sitting next to each other"], ["people stand in a parking lot looking in through the back of a pick up truck", "an image of a group of people in a parking lot", "a truck towing a small kid with kids in back of it", "man, girl and bikes riding past a red pick up truck", "a red four wheeler truck with a child walking beside it", "a large red pickup truck with a small kid and a mother", "an antique car show was in full effect with the antique cars", "a car with a little kids underneath sitting in the back", "some older cars are parked in a car show", "an old - fashioned truck, used for hauling a family", "an orange truck is parked on the street", "there is a large red car parked outside in the yard", "a red and orange car is driving next to some children", "an image of a crowd of people gathered together talking", "an unmade pick - up truck with a flat bed in the back with two", "a group of dogs walking in the parking lot together", "an red car is driving in a lot of parking lot", "cars in a row waiting at a parking lot", "a family riding on a horse", "a car is all red with a very group watching it", "a car is parked in the lot as a little child walks", "a long parking lot with tables and people", "a crowd of young children are standing around at a car show", "there is a car parked at a park", "a bunch of people in an array of trucks", "a group of people in a road area watching a truck with orange traffic cones attached", "lots of people looking at an old red truck", "a red truck is parked as people watch it", "a large truck is red truck with red pick up bed double - cabbdy", "a white truck in parking space with people passing by", "a group of people standing next to all other cars", "a vehicle shows its a close up shot of its front", "this is a red vehicle with a child on its back", "a bunch of old vehicles that have been restored", "a parking lot filled with people near a childrens bike trail", "a pick up trailer truck loaded with kids", "some trucks are open in the pick up pick up", "people walking in a parking lot, a man is standing looking at a car in", "parking cars parking traffic there parking vehicles parking parking crowd a parking in cars cars car", "a woman leaning down taking a picture of a truck", "people look around in a pickup truck with the bed in the back", "red car with a child sitting in it in a parking lot", "small car in parking area of outdoor setting with kids sitting", "a pickup truck pickups through a parking lot", "a woman and children standing in a parking space next to a child", "people riding a bike in the distance to the right", "a man standing in front of a girl and a small child who are sitting behind", "one man and one woman are sitting on a bench in the parking lot", "this is a picture of a people having a fun time", "a picture of some old fashion cars in a lot", "a kid walks in a yellow jacket through traffic at a stoplight", "red and bright red colors are close to two people", "this person has his family in a car with a basket behind him", "a truck is shown with people in the back", "an animal with long legs, standing next to a group of people", "a group of vehicles with kids and a child near by", "a red small car event is waiting for people", "a scene of a truck with people around it in the back,", "a long picture of a group of people with a red pickup truck", "a single kid rides in a bike seat on the back of a truck", "orange cones surrounding the park area in front of several children", "several people are standing in a parking area", "a small little boy ride a bike on a bike", "a group of people and a kid looking at the old fashioned vehicles", "people are standing by a fire hydrant on the sidewalk", "a children having a conversation in his truck in a parking lot", "a the picture is taken out to a good day of the photo", "a group of people with a child and small dog standing next to a bunch of", "some people and children are standing near the parking lot", "various people are at different levels surrounding vintage cars", "some people are waiting to get out of a car", "a crowd of people look at old antique and antique cars", "a lot of classic cars with people riding on top", "a red truck is parked in the parking lot", "a number of cars sit parked along the curb", "a red pick up truck driving down a street", "a group of cars parked outside with people looking around", "a photo of a colorful cat sitting on the back of a person", "an old car sits parked at a car show", "a small red truck is parked and is full of toys", "a man walks his dog beside a truck while the kids laugh under it", "a dog is in this picture looking at some people and the dog", "a there a people group parade people people ride motorcycle several this pedestrians a the people", "a bicycle bike rider riding down a street filled with other people", "a group of people gather at the parking lot for a ride", "an image of an old pickup truck driving down the road", "a truck that is parked as there are a group of people", "the red car has two boys and a small bike behind it", "an older pickup truck parked near a park and many people", "two people riding in the back of a pickup truck", "a child and kids on a bike ride in a parking lot", "a car parked in a parking lot with someone behind it", "an unusual truck with a small child in the front seat and two motorcycles in the", "a woman and children riding bicycles in a residential area", "several people at a car show watching a variety of vehicles", "a person in a white coat stands on a field", "a red truck filled with a child on it", "a car parked in front of a crowd of people", "a truck that has the back end full of people in it", "people stand around in a crowd looking around a vintage car"], ["some very large mountains very green green and very dark green", "some sheep are grazing in the grassy field", "a view of a grassy plain with some very very interesting colors", "a hill view of several mountain ranges, with two people standing on the top", "a group of sheep are resting next to each other", "sheep are sheep grazing in the field, looking for food", "a herd of sheep graze on an alpine terrain", "a herd of sheep grazing a green field next to a forest", "close up of several sheep grazing on a grass covered field", "some sheep grazing and eating in a pasture", "some lambs are grazing on some green plains", "a large herd of sheep in a grassy pasture", "a group of sheep standing around a hill of grass", "a herd of sheep on grassy plain with large mountains in background", "some bright green grass a hill hills and one is dark", "a large group of large animals standing on a grassy field", "a large cluster of animals in a open area of the grass", "the large grassy hill near the snow capped mountains", "a grassy field with grassy hills with animals in it and a house", "a sky with some bright clouds that have a white light", "a herd of sheep grazing on a lush green field", "a large grassy field with several animals and grass", "there are three sheep grazing on the prairie grass", "a group of animals in the photo are grazing", "a black and white photo of some hills and a tree", "a lone sheep is standing in a green field", "sheep grazing on a rocky hillside with grass", "sheep and lambs grazing outside on the grass", "a few white cattle standing near one another", "three horses and two sheep grazing on a grass field", "a herd of sheep on a green grass field", "sheep standing in a field on a cloudy day", "sheep standing on a pasture with sheep and sheep grazing in the background", "three sheep are in a field grazing", "sheep on the plain are grazing in the shade against a cloudy sky", "lots of white sheep are grazing in the field", "a herd of sheep grazing in a open field", "sheep are standing on a field and the sheep is eating", "a big snowy mountain is in the background", "there are some animals on a nice hill in this region", "a mountainous view of a mountain covered with mountains", "grassy hill hill, in the middle of a forest", "several sheep with sheeps grazing on the grass in farm district", "several sheep grazing on a hill", "several sheep in a grassy area next to each other", "some sheep are on a grass covered field", "several white sheep are in a field with grey sky in the background", "a herd of sheep grazing on grass in a pasture", "sheep and lambs grazing on a field near a field of grass", "a group of sheep standing around a pasture in the sunshine", "some grass grassy mountains on a cloudy day", "some very cute animals out in a big field", "a field of green grass and the grass is green", "clouds are moving rapidly through this beautiful landscape", "a green hillside is close to the ocean of the mountain", "a number of different items on a sky background", "sheep eating grass as the background with another sheep running in it", "sheep are grazing in a large green meadow", "the animals are grazing by the water near the rocks", "sheep are visible grazing on a rolling surface", "a group of people standing in a grass pasture", "a green plain with a sky blue sky and some mountains in the background", "the photo shows green color for different things and a nice design", "three sheep on a grassy hillside near the road", "a group of sheep out in a field in the country", "sheep grazing in a open field with some snow capped area around them", "a large field with three sheep grazing", "sheep grazing in a pasture with hills in the distance", "four sheep graze amid three large mountains", "a photo of several horses, some sheep, and three sheep", "sheep grazing on grass beside one another on sky", "there is a heard of sheep in the field", "the grass is bright green in front of a large building", "a herd of sheep grazing in a green pasture", "a herd of sheep on the grass with the words wild dog above it", "a group of people are outside in a large grassy area while others watch them", "a large green field with a mountain in the background", "an e sheep on a grassy hill side with cloudy skies", "a field full of sheep laying across a grass covered field", "a grassy field with a green lawn in the center", "four horned sheep standing in a field with sheep grazing in the background", "a field with a small flock of sheep on some green grass", "a field with a green hill and several small animals on it", "sheep all eating for the grass in their pasture", "a sheep and a three others walking along the hill", "a flock of sheep grazing in the pasture", "a group of sheep grazing on top of a mountain", "white animals are standing in an open field", "a sheep in the field next to a tree", "the sheep are in the middle of a pasture with low mountains", "a group of sheep on a grassy hill", "a herd of sheep are eating on a farm", "a white background with a picture of the same field", "a photo showing some white sheep grazing by the mountains", "a large sheep sitting in a green field by a fence", "there is a grass field that has a bench in it", "sheep being white looking at the camera with their backs to the camera the sheep are", "five sheep and one elephant are standing in a field", "sheep standing on a grassy hill looking ahead with eyes closed", "a number of sheep in a field near one another"]]}, {"question_id": 4224061, "question": "Is the girl petting a dog or yanking it?", "answer": "petting", "captions": [["the young girl is sitting and a young boy is a small dog", "the little girl and the flower girl on the grass next to the little girl who", "a baby and a small girl sitting next to two dogs", "looking are a dog two a a next tongue sitting dog sitting sitting girl talk a", "a child and a small girl sitting together and a smiling dog dog on a leash", "sitting sit to crouch the watching sit talking sitting grass watching sitting being talking with,", "a little girl and a white dog that look like a dog", "a large man and child with a dog on a leash", "the dog is sitting by the boy with his companion", "small child watching with dog and smaller dog", "the small child watches her parents'side while she listens for her dog,", "a young child looking at a dog at the open and a young girl watching a", "sitting with pet sitting tan labrador on,,, dogs dogs dog and pet,", "a man, child and dog enjoying a day out", "a man and children sit on grass with a child and a dog", "a small kid with a baby sitting next to a dog", "the small child is sitting with the large dog", "big and golden labrador and little girl", "a baby playing with a dog and a little girl playing with a large dog", "a guy with an umbrella is sitting on the ground next to a little kid and", "a young child is playing with a dog smiling", "a child sits with her toddler on to play with her dog", "the man is shown to be showing the young girl her dog", "a little girl sits on the ground with her dad, while a small child plays", "sitting and one with down sitting todd man a, being at, being while dog", "there is a child and a large dog with it", "a little girl petting a white dog while another sits down on the ground", "with with little and sitting and and sitting sit a and sits looking sit watching,", "young girls watching a kid sitting with a very cute yellow lab labrador dog dog", "a leash and a dog being having with with at dog and and dog leash and", "is guide 5 at'age sitting and of with or", "a young child is sitting next to a little girl", "a small child sitting next to a little girl on a lawn", "the small child is looking at her dog and the other small child", "a young girl and her toddler being the dog on a dog leash", "a little girl and a little girl on a leash", "two small children watching two dogs with a dog at its feet", "a woman, toddler and a dog and person", "small girl sitting next to a dog with a large white dog with tongue hanging out", "a child looks at a photo of a dog", "a child a young a sit with a little while he she is a a sitting", "a man and her child sit with their small dog", "child todd two sits the the, pet young with little a todd one small kneeling", "3 kids on a dog with a baby sitting next to it", "a young girl and a small child in their lap together", "a small child sitting next to a small dog with a little girl sitting on the", "a man and a child are sitting on the floor with two large dogs on his", "two little girls and the child are sitting outside with a large happy dog", "a kid playing with a little girl and a large dog", "a young girl sitting next to a person with her dog", "two children and her dog sitting on the ground", "a looking a a walk to talking small - a and a young the boy is", "a young girl with a toddler playing and a white dog", "two children and a small white dog on a field", "a little girl and a young girl kneeling with a dog on a leash, two", "her sit a, and and the at sits of is and playing and looking is", "a kid looks at a child and a dog with a toddler", "a dog sitting next to a white golden labrador dog and a young girl", "next,, sitting on sit with", "small little girl and happy puppy sitting next to little girl and dog", "a close little child and a little girl", "a toddler sitting on the ground next to a toddler sitting between her and", "pet one little little a pet sitting pet little pet dog cute, small little sitting", "a little girl and her toddler getting excited after the dog", "young girl and small blond kid near dog panting", "a todd and small girl sitting on the ground next to a man as a child", "a smiling older baby looking at a young toddler girl looking at the puppy on", "the girl is kneeling down and watching the dog pull up his leash", "a cute toddler sits on the ground alongside a little girl while her older todd", "a man kneeling is sitting on the floor next to two dogs one little girl and", "kneeling sitting sit playing is seated sitting on children sitting seat seated sitting sitting child the", "a dog, a dog and a baby girl in a park", "is is sit being at next and, on on first, sitting, all bark", "a young girl sits next to a small dog with her dog on leash", "a young child is sitting down with a dog", "a young girl and girl sit on the knee, one of which is facing a", "a little girl sit on the ground next to a little girl on a field while", "a little girl and a little girl with a blonde labradorr", "sitting for at with looking,", "a cute child and a cute dog sit", "a dog and its baby on a leash", "two - month girl and child sitting on the floor next to another small baby dog", "a child in the grass looking at a small child", "photo dog or a a a the woman trainer adult puppy sit being one young a", "sitting and the labrador and sitting dog labrador sitting and next sit as and learning on", "one young girl and two - generation child playing in city park", "dog puppy dog sitting tongue dog dog dog dog guide - to the dog is,", "two fr pet sitting two little child sit outdoor dot one pet child children pet a", "a black and white dog and a brown and white dog", "yellow lab lab sits happily next to a white white lab lab, who is playing", "a small girl playing with a small child watching a yellow lab", "a child and a child play with a dog", "a little girl and yellow lab dog on a leash", "a young girl sitting next to a white puppy, next to a young smiling yellow", "a child looking at a dog sitting next to a child", "and sit child sitting a girl sitting sitting puppy the a in with dog is one", "little girl and small girl sitting next to an adult and dog dog", "lab dog dog and dog and, dog sitting labrador dogs dogs dog", "father on sitting being with labrador and puppy dog and with dad he a he with", "two little girls and one dog near a baby"], ["a dog is standing with a dog in front of it", "a dark dog running in a grassy on a fog day", "a dog standing in the grass in front of a small horse", "a dog and a dog chasing in a dog run", "cows cow cow black cows the cow in black with and black herd dog cow cow", "the cow is being herded by a number of other cows", "a dog sniffing a dog in a field", "a farm looking back from behind the fence", "a dog is walking towards a dog in front of a large barn", "a dog running and a goat running in front of a barn", "the dog is walking through the iron fence towards the dog standing", "a dog stands in front of a barn", "the dog with a dog and the picture of the black and leasher puppy are", "a dog that is running in the grass next to cows", "a dog retrievet hound showing a doger and greyhound greyhound greyhound hounder with", "a dog looking at a person in a barn dog looking back at something", "it is a dog walking in a field in front of a dog", "a brown dog and a lab with a black and white dog in front of a", "a dog barking in a field with a dog on the side and a dog looking", "an adult dog with a german greyhoundr dog next to a dog in it", "a dog sniffing a bunch of cows in a fence", "a dog walking with a leasher dog trying in a fence,", "the black dog is looking at the cows outside", "a dog is on the grass looking into a dog standing behind it", "a dog and a dog on a leash looking at the fence", "a dog and a calf stand and look at the baby calf", "a dog walking in a field behind a barn", "a dog chasing a dog next to a cow with a cow in background", "the dog is looking at a dog in the cort area", "a dog playing with the back legs of two small dogs", "a dog standing in a grassy field near a house", "a dog that is standing in the grass", "a small dog next to a dog and a dog", "a black puppy has an apple in its mouth it is looking around", "a small dog standing in a grass field", "a dog in a pen with a black face", "dark colored dog and a small black dog together", "we sheep is cattle standing in a pasture, pasture with cows", "a dog and a group of cows outside a barn", "dog with dog sniffing, and dark brown dog puppy dog", "a dog in the grass with a barn in the background", "a dog standing in front of a barn running around", "a dog running in front of a barn and a dog looking at its tail", "a dog in a fenced in area near cows", "a dog looks over the wall and to the right side", "in dog in dog brown there brown dog dog labrador black and running running a dog", "the dogs stands by out standing outside a barn", "black dog sniffing a cow standing next to him", "dogs are standing in the grass field and one dog is sniffing at the dog", "a dog standing in the yard with the dog dog running past it", "a dog walking around in a grassy area in front of a shack", "a dog is seen walking by a dog that is behind a fence", "a dog dog behind a small sniffing dog playing with the dog", "a dog and a dog in a grassy field", " bull standing cows cow cattle and cow cow and dog behind cow milk cow cows", "a group of black and white calves and a dog in the grass", "there is a small dog walking behind a dog", "a dog in front of a barn standing next to several cows", "a dog is in a grassy area looking with a leash in his neck", "a dog running around outside playing with the owner", "black dog walking across the open plain looking away", "a dog with a greyhounder muzzle walking by a cow in pasture", "a dog dog sniffinging at something while a dog, dog, sniffing is in", "dog running and leasher looking a small dog of a dog looking at the barn", "a dog walking next to a running dog watching a man", "a dog behind a dark - brown dog out in front of a barn", "a dog walking a dog in a grassy field", "a dog walks near the grass near pasture", "brown dog in grass next to herd of cattle", "a dog looking through a gate in an area of mud", "dog brown dogs dog a on dog and cow to large a puppy dog, dog", "a dog and a black dog standing in a field", "sheep being kept in rusty enclosure in grass by man", "a dog dog on hind legs observing a black dog in an enclosed area", "a dog is sniffing being towards a dog with it's back", "a dog sniffs at a dog standing on a green field", "the dog is walking towards the cows behind him", "a black dog that is walking by a number of cows", "a dog with a dog and dog in a field field", "a dog in a field near a fence", "a dog standing near a dog standing next to many sheep in a herd", "a brown dog walking through a gate with a brown and black dog", "this dog is walking around barking", "black dog that is staring away", "a dog is wandering around the area at a barn", "a dog sniffing under the grass near its fence", "a dog with a large face sniffs the side of a cow", "a dog walking next to a few dogs and cows grazing in the yard", "a dog walking and a dog sniffing in dirt", "a dog is behind and a dog is next to it a dog", "a dog is hunting, a dog is running and a dog is running next to", "a small dog that is looking out of the fence", "a dog walking dog has a dark brown dog and a a black lab dog that", "puppy dog and puppy being attacked by a black dog", "a dog is walking on grass in an fence gate", "a dog is walking towards a dog in front of him", "a dog with a black puppy in an enclosed field", "a black and brown lab mix lab walking down a field of grass through a field", "a dog is about dog black with a large black muzzler puppy", "dog sniffing dog staring at a labradorer dog"], ["a close up of a small dog next to a toy cell phone", "a picture of a little dog next to a small dog", "a small plastic phone beside a dog, next to it is a phone", "a small dog next to a small phone and a cell phone", "a ceramic dog that looks dead next to a cell phone", "a small toy dog with a pink collar around his neck near a small device", "a small puppy is looking at a little cellular phone", "miniature dog on a table next to a toothbrush", "a small dog standing on a white table next to a pink box", "a pink pink bottle and a pink lady's block next to it and a", "a smiling dog next to a cell phone and book", "a dog sitting next to a red and lipstick", "a dog is sitting with a pink soap", "a small dog sitting next to a toy", "a small puppy sits next to a toothbrush", "a pink pink dog themed object with a pink leash, and a pink pink tag", "a brown and white puppy dog next to its owner", "little brown, dog, and cell phone with dog head next to it", "dog dog and cell phone toy toy sitting next to a book", "a dog sitting next to a heart tag next to it", "a brown dog is laying next to a cell phone and a dog brush", "a yellow puppy dog on a white floor next to a brown stick with a doll", "a small white dog and a purse next to a phone device", "a very cute toy dog next to a pink package", "there is a purple teddy bear key chain", "a brown dog on ground next to a pink pill case and it looks like it", "a stuffed dog sitting and smiling next to cellphone", "a dog's face in one picture and a blurry purse on the other", "a little cell phone sitting next to a puppy puppy figure", "cell phone sitting beside a little little dog", "a miniature dog toy and a pink toy phone next to it", "this is a dog sitting down with a bottle of purple soap", "a little cell phone next to a book and dog cell phone", "a bulldog phone and a small toy dog lying next to them", "a dog toy that is standing on a plain", "close up of a toy dog with a cell cell phone on a checkered table", "plastic action figure with toy baby pink toy", "a dog with a pink shirt and a pink scarf next to a purse and its", "a dog is staring at the camera next to someone", "cute photo of a beaded plastic dog with a phone beside in a little dog", "a close up of a small pill packaging and a small dog", "dog toy sitting next to a cell phone next to dogs toy", "a dog sits next to a pink bath towel", "a cell phone and cellphone next to it's toy", "a puppy and a pink wallet sit on a table", "a cell phone sitting off dog cream puppy", "a doll dog and a dog toy sit next to each other", "there is a brown dog sitting next to a pink toy phone", "the dog and a piece of the necklace a toy has pink teeth, collar,", "a pill case next to a small dog, including a pink pill", "the dog has one cell phone sitting next to it", "a dog wearing a pink collared in a pink ribbon", "puppy with pink bandanna and cell phone toy dog", "a small toy dog that is sitting on a blue sheet", "a dog figurin holding a nokia pink phone and a pink phone", "a cell phone and a dog toy next to it", "a close up of a toy toy dog", "porcelain dog figurine of a small phone device dog and a cell phone", "a dog and pink phone in foreground pose", "this pink pink cellphone next to puppy on a blue background", "a toy cell phone on a cell phone", "a dog beside the miniature of a sitting dog", "a miniature white dog with a cellphone beside", "a brown dog sitting next to a pink phone next to a little plastic dog", "a dog toy sits next to a small small doll dog", "dog and a puppy dog dog toy brown toy a dog puppy puppy puppy the a", "a dog is standing near a cell phone", "a toy dog is next a packet of water and a toothbrush", "a pink phone with a pink dog on the bottom line and a dog holding a", "a little phone and a dog with a pink collar attached", "a phone is next to a dog with a collar around a pink bowtie", "dog face doll and half face pup in white dog on tan rug, and toilet", "plastic pup is next to a pinkie and pink, and a bottle of pink", "a pink cell phone sitting next to a small puppy", "a small dog statue sitting on the ground posed looking to one side", "a cell and cell phone are sitting beside a dog", "brown and red dog fig of toy, sitting in front of a pink bow tie", "a toy puppy with pink collar around its neck", "there is a tiny dog and a piece of candy", "a pink cell phone on a blue cloth", "puppy puppy dog a dog dog puppy dog ceramic the dog puppy dog toy toy a", "white playdou and phone are on a table", "the small toy figurine dog and the miniature dog is sitting on the table", "a remote lying next to a dog figurine", "a dog staring at its life picture on a cellphone", "a small toy dog sitting on a blue blanket", "a toy of a dog and some other animal", "a little pink dog and a little cellphone", "a big cute dog laying with collar over neck with a cell phone", "small toy dog sitting next to cell phone with a cell phone next to it", "two keys, toy and dog sitting on the floor", "white plastic dog next to a pink candy and a cell phone", "a white dog next to a toy and a pair of white beads on a blue", "a picture of a child sitting down next to some tissues and a pink towel", "a little toy of a small dog next to a gum", "a dog sitting next to an open cell phone", "a plastic dog standing next to a pink cellphone", "a small dog sitting next to a cellphone and a keychain", "a toy dog sitting next to a cell phone and a puppy", "a small plastic dog with a pink chewing paste"], ["duo leash tug tug tug leash tug dogs tug together pup duo two tug dog tied", "golden retrieve pulling another dog from a leasher", "a dog is chasing a dog that is playing with it", "the dog is carrying a red tugle pulled", "dog pulling kf with a dog being in the process of his day", "a dog is holding a red tugle and pulling it", "two large dogs are holding a red chew, each tugged at the same time", "a dog biting off a labrador mix tuggy with a red rope", "a dog and its puppy pulling it into the mouth as they play", "a dog and a labrador, two dogs running side by side, both being playful", "dog bitinges tugra with a tugr and a chewingn", "a dog is pulling a dog with a pink rope", "a dog that is pulling a leash around it's mouth", "the dog pulling the dog pulling the tugle", "a dog chasing a dog who is walking", "a small dog and a puppy are outdoors", "two dogs are leashed to one of the other's teethes", "two dogs on a chain being a little puppy on a grassy meadow", "a dog pulling another dog on a small string", "a dog carries a toy attached to a tugle", "a dog chewing on a nose and another dog playing it peck", "a dog tuggling its owner with a toy cane", "holding tug pulling tug biting dog pulling red pulling leash pulling tug tug red leash pulling", "a dog and tongue in a grassy field", "two adult dogs playing tuge with red tugle", "this dog is biting at another dog over a rope", "two dogs play with a tugle being pulled by a leash", "small dog tugginging a bigger dog with a rope", "a dog pulling a puppy on a lead to tugle", "a young dog pulled by a younger dog to a red rope", "a dog pulling a red tugle on a stick", "rope tug fetch and tug dog - dog leash dog tug tug leash tug tug dog", "two dogs pulling a rope in the back", "two dogs are playing tugle together on the field", "a dog pulling a red string attached to a brown dog", "a dog pulling the face of a labrador retrieving its teeth", "a couple of dogs on a field that are playing with a rope", "a dog is running for the frisbee and a dog is running", "two dogs tuggs connected to a red string", "a dog holding a rope attached to a dog and chasing a rope that has pulled", "a person walking through an open field with a tug tied to a rope", "two dogs being tugle connected to each other on a rope", "a large dog being tugle - biting a large dog", "a big white dog pulling up a small red tuggh", "dogs with tugle and tugle being linked together", "the dogs are playing in the outdoor near its dog", "two dog are tuggying each other in an outside", "a big and young dog hold on with a tuggy", "pulling tug tug tug dog pulling tug tug pulling pulling tug tug rope pulling tug tug", "a dog pulling a larger dog with a small string", "two dogs running on grass next to each other", "and sniffing dog playful fighting in and the two one biting to two dogs dog dog", "dog and dog jumping to its mouth for a very cute picture", "two dogs pulling while being leashed to the ground", "two dogs that are running next to each other", "dogs pulling themselves toy with stick being pulled", "a dog pulling a dog on a red rope", "a dog and a small black and brown dog playing tuggie", "a couple of different colored dogs pulling something on the leash", "a dog is playing tugle with a dog being a tugle", "dog biting a stick and another small object is holding a red string", "tied leash small tug tugging tug leash tug tug ropes tug medium dog dog tug tug", "two yellow labrador dogs being tuggieked for a tugging rope", "a dog and a labrador are playing together", "two large dog biting noses with tugle tugle", "a dog pulling its paw outside of its dog", "a dog pulls a dog's tugle into a larger picture", "two big dogs playing tugle in a park", "playing tug walking dogs dog tug together being dogs dogs dog dogs pulling dog dogs dog", "a small dog pulls a small dog with a red leash", "two dogs play tugggunng in a grassy field", "a couple of dogs are holding on to string", "two dogs fight in a grass field while each other walks behind their", "two dogs playing around in the yard together", "a dog leashed it while another dog tries to tugle him with a handle", "a dog holds a stick and biting at a it's muzzle", "two large dogs playing tugge with a red rope leash", "a brown dog being tugged by a brown lab puppy", "a dog on a field tries to hold a stick", "a brown dog moves about being a play with an adult dog", "a dog holding tugbee playing with two dogs being to have fun at playing with", "two dogs are being tugged at a black toy", "two dogs playing tugle together, one is biting the string, the other is", "two petters play with a tugle in the yard", "two dogs playing tugge is walking and pulling", "a dog draggings his dog's teeth holding onto a red leash with a", "dog is pulling a large, light brown dog with it's leash while it", "a dog tugging another dog by a string", "a dog and a dog is playing with each other", "a dog and a puppy playing with each other", "a dog is biting another one on a leash", "dog pulling a leash, walking with his face towards another small dog biting", "a couple of dogs in a field with a frisbee in its mouth", "two dogs chasing each other through the grass playing tug", "a picture of dogs playing in the park tugle", "two dogs are playing with a stick attached to them", "two dogs being tugged one of them with the other, at a dog park", "a small dog pulling a dog in a leash", "a dog biting a black dog on a leash", "large barking biting two dogg tugging shaking dog dogs dogs tug dog puppy chew puppy tug"], ["a golden retriever playing with a dog in the grass", "a man running towards a frisbee and a pinkisbee", "a dog playing with a flying disc", "a dog is watching a small dog in the grass", "a brown dog looking at something outside in the yard", "a dog is hunting at a small object on the grass", "a dog is running on grass with a frisbee in its its mouth", "a large brown brown and white dog a dog with a brown and brown hair and", "the dog jumps toward the little object in the backyard", "a brown dog running toward a white frisbee next to it", "flying playing disk with white fr fr fr fr fr dogdog dogg in dog and", "a large dog walking in the grass near a toy", "a dog outside, about to catch a yellow toy", "a small dog chasing a flying disc in a grassy field", "a dog outside in the grass and a golden labrador in the yard of a house", "and fr fr dog dog dog a back dog a dog dog fr dog dog fr", "a dog is looking for a frizbee frisbee that is next to", "a golden retriever dog plays with a golden retrieveer", "a medium shaggy dog chasing a disc golf", "a dog playing with a frisbee in the grass", "a dog is running toward a white frisbee", "a dog is standing back looking around a dog", "a dog is running along through the grass with a frisbee in it '", "golden retriever dog chasing a golden retriever at a dog park", "a dog watching a frisbee running toward it", "in search of the frisbee is this dog that is standing on a hind", "a dog that is standing next to a ball", "a large dog standing up in grass with a frisbee", "a dog is walking away from a frisbee", "the dog is out in the yard playing with the frisbee", "a dog is in the grass while he plays with a disc disc", "a dog watches a frisbee being thrown to it by a dog", "small dog playing outdoor with toy in grassy area", "a dog is on the grass looking at a dog looking to the side", "a dog is in front of a frisbee playing", "a large dog playing with a frisbee on the lawn", "a golden retriever playing in the back yard", "a brown colored dog standing in the grass looking at the dog in the yard", "a dog standing in the grass waiting with frisbee and a disc on the", "a dog standing in the grass with a small frisbee", "a dog on the grass is looking at a frisbee", "a large brown dog walking into the back yard holding a frisbee and a", "dog playing with a frisbee and a dog looking at a frisbee", "a dog in the grass and staring at something", "dog running to a catch a frisbee with a dog standing behind it", "a dog with a frisbee in its mouth looking inside", "a dog out playing catch for a frisbee", "dog chasing labrador brown retrieve dog large dog golden retrieve catching labrador a", "a long haired brown and white dog walking towards a frisbee", "a brownie dog and retriever playing with a doger playing in the backyard", "a dog that is standing at a frisbee", "a dog and his brown or golden retriever playing with a frisbee", "border fr fr chasing fr dog fr playing retrieve fr dog fr fr the fr fr", "a dog that has a frisbee in its hand", "a dog walking next to a frizbee on a field", "a dog stands near a yellow object as a dog looks at it", "a brown dog watching a frisbee throw a frisbee and a dog", "a dog standing in the grass near a frisbee", "a dog catching a frisbee with a tail attached to the grass", "a dog is playing with a frisbee and an frisbee disc with", "a dog catching a ball out of the air", "a brown dog is playing frisbee frisbee and a dog throws the", "a dog chasing behind a frisbee in its back yard", "a dog and a frisbee are on the grass", "a brown dog playing with a personal frisbee in a park", "a dog is running towards a flying disc and frisbee", "a dog is playing frisbee with a dog rear view", "golden labradorer golden terrier playing with a frisbee thrown", "a little dog chasing a flying disc in a yard", "a dog catching at a circular frisbee in the grass", "large brown dog, back, with back facing back looking at a disc thrown to", "a dog that is standing in the grass", "dog golden golden golden golden golden dog golden, brown brown dog dog to dog jumping", "the dog is waiting for what's good to do on the grass", "labradorer brown borderie and golden retriever at the back by the yard", "a dog stands with a frisbee while holding onto it", "playing with free dog looking playing dog dog dog dog fr fr fr with playing and", "dog looking at a toy while the dog looks for a frisbee", "a dog sitting on top of a lush green field", "a dog standing next to a frisbee and a dog chasing to catch a", "a dog is playing frisbee with a dog disc", "a dog is back playing with a frisbee", "the dog is looking around in the yard", "a dog looking at a frisbee with another dog", "a dog by the frisbee and a toy", "a white cloud frisbee flying towards a dog", "a brown dog playing frisbee with a flying disc", "a brown dog playing with a toy in a yard", "a frisbee on the grass with flying discs", "a dog is playing with a frisbee on a green field", "a golden retriever at the park looking at a dog through a frisbee", "a dog is throwing a frisbee while a white frisbee sits near", "a dog looks at a frisbee on a field", "a dog and a golden retriever playing frisbee together", "the long, curly dog is running with a frisbee, and in his", "there is a large dog approaching the dog", "a dog running in the grass playing with a disc toy next to their fris", "dog playing in sun with brown collared dog", "a dog that is playing outside in the grass", "a dog playing wii remote control game with a disc"]]}, {"question_id": 4337466, "question": "What is the man that is wearing glasses eating?", "answer": "pizza", "captions": [["a man biting into a bite while eating a slice of pizza", "man eating a slice of pizza that is covering his eyes while posing while holding his", "a man is eating a giant slice of pizza that has a tooth and blue glasses", "eat glasses biting eating while eating eating pizza pizza pizza eating with bit while cheese i", "eat he eating with glasses eating lunch eating food eating pizza he eating and eating taking", "a man eating a slice of hot pizza with his mouth in his mouth", "a man eats a slice of pizza, and takes a bite", "a man bite eating half of a pizza", "a man eating a bit chew on some food", "a man with glasses is wearing blue glasses and eating", "man with goggles eating and sipping bite from pizza", "a hips dressed man wearing glasses takes a big bite eat pizza", "a person that is taking a big slice of food", "a man in glasses is eating a piece of food", "a man eating a piece of pizza that is on a white plate", "a man biting into as he feeds and eats a piece of pizza he is about", "a man about to eat with glasses as he eats the big slice of pizza on", "a man with blue glasses is eats a slice of pizza with both hands, his", "with eye to, in biting to eating guy with eye with is glasses, biting", "biting eating with mouth guy eating eats eating eating in eating go eating eating eating is", "a man is eating a large slice of pizza and enjoying it with the glasses while", "man big glasses eating eating large go pizza eye pizza guy glasses eat very man pizza", "a man with glasses and gray hair eats a large amount of pizza", "a man wearing glasses takes a bite of food", "a man biting into cheese pizza with his mouth wide open", "a guy eating pizza up close with glasses", "a man taking a biteout eat a big slice of pizza", "a man in glasses is biting into a slice of pizza", "bearded eating eye s and s in eating eating a with beard eating go eating looking", "a hungry person is eating a slice of pizza", "hips and nerdy face gets fed in to lick while wearing glasses", "a man eating a big slice of pizza on paper plate", "man eating slice of pizza with cheese and mozzarella in mouth", "a man wearing horned eye glasses biting into a paper plate of pizza", "a man taking a bite out of half eaten pizza", "a man is eating a slice of pizza on paper paper plates", "man with glasses while eating piece of cheese pizza", "and eating while pizza food go eating man eating eating who bite man to trying foods", "a man biting thru a piece of and eating a slice of pizza", "is eating pizza pizza pizza pizza pizza pizza a - a pizza pizza and the pizza", "a man eating pizza and holding his mouth high as he sniffs into his mouth", "who pizza eating a a slice a trying open the he pizza a to eating pizza", "a man with glasses eating pizza while getting ready to big mouth", "a man with grey hair and glasses is eating a slice of pizza", "a person with glasses, eating a slice of pizza and making a face", "guy with glasses eating up pizza with a bite", "an old man biting a slice of pizza with cheese", "a man with blue glasses eating a big piece of pizza", "a bearded man biting into a piece of pizza that he is holding", "a man wearing glasses and a napkiner eating a piece of food", "a big eats very and big a the", "he is really into his face eating with less hand", "eating big food man eat pizza go hips pizza man eat eating a pizza pizza in", "man taking bite and eating with large slice of pizza", "a man with glasses eating a half eaten pizza", "eating is slice with is cheese, food pizza in glasses eating pizza he pizza pizza", "eating while eating while he can eat a slice", "a person that has a slice of pizza in their mouth", "a very large slice of pizza that is sticking it's way to bite it", "who bite a he bit eating it hungry in big eating", "a man is eating a large piece of pizza", "a man in glasses eating a slice of pizza", "on on glasses while pizza eating eats pizza eating pizza in eating a serving food slices", "a man wearing eye glasses eating slice of pizza", "in the image a man is eating a slice of a pizza", "a man with long grey hair and glasses biting in to a piece of pizza", " eating that eating is takes giant pizza is with eating slice trying to eating he", "the middle man in the image eats a pizza with glasses", "go eating man while pizza eating taking mouth over bite a it pizza eating bite eat", "blue glasses give a man a bite while eating a giant piece of food", "a man eating a piece of pizza and giving tongue to his mouth", "with guy and bit big close bite eat - eating food and taking while trying and", "giant - pizza eating big and a is the big taking eating eating and man bite", "the beard big cheese big to pizza, pizza eating pizza pizza eating pizza and eating", "the young bearded man makes the expression to his lips, as he eats a large", "man at the zoo enjoys pizza at a while taking a big bite out of it", "man biting into his teeth while eating a piece of pizza", "a man is eating a slice of pizza with his mouth", "eating eating he eating wearing eating mouth with man eating with eating a glasses glasses glasses", "this man is eating for the pizza pizza in the city", "a man eating a large slice of pizza while trying to take a bite", "a man with glasses and glasses eats pizza with a paper plate", "the man is taking huge bite of the pizza", "crazy pizza pizza eating bites pizza pizza man cheese bread bite eat slice pizza pizza bread", "pizza pizza eats pizza pizza with pizza pizza bread pizza pizza pizza mouth pizza pizza slice", "a bearded man wearing glasses eats from a slice while eating a piece of pizza", "man with beard eating slice of deep dish", "man eating a slice of pizza at the same time", "a bearded man wearing glasses eating a slice of partially eaten pizza", "over eating'beard glasses beard eating eat with eating eating eating with a with man", "a pizza eating pizza a pizza big pizza pizza eating has bread pizza pizza and and", "a man in glasses biting into a piece of bread with blue glasses on them as", "a man wearing glasses eating a piece of cheese pizza with cheese slice", "a man biting out at a piece of pizza", "a man eating a piece of food, his face close", "a man in glasses eating a piece of pizza", "a man wearing glasses and eating pizza with glasses", "man cheese taking big pizza cheese a is a hungry, beard face food big crazy", "a man is biting into a large slice of pizza", "eating wearing eating enjoying eating is with pizza eating eating glasses while eating glasses eating bite"], ["dessert dessert deserts is he dessert dessert whip cake and plate cake dessert cake, serving", "a cake has a fork and knife on a plate", "a man is eating a cake at a restaurant", "a person in a red shirt is holding a fork and knife", "man at a table with cake and knife and fork", "the young man is eating with fork and knife", "knife at a knife fork steak ice a cake fork and knife ut and eating eating", "a man in a red shirt about to eat a piece of chocolate cake", "forks a serving fork and fork plate dessert serving fork with plate desert fork plate as", "a man eating cake and a glass of white wine", "a photo of the man is waiting to eat", "a man enjoying a piece of chocolate cake", "there is a man eating with fork and fork", "a person holds down a knife and fork to take a slice of cake", "the man holding a spoon while eating a square cake", "a man is taking the dessert off his plate with a fork and knife", "a man that has a knife next to him", "the plate of a chocolate cake is ready to be eaten with a knife and fork", "there a a the piece of a a a fork cake knife chocolate a forks knife", "a man about to eat at a restaurant with a knife and utensils", "with is dessert chocolate dessert plate yu cake - cake chocolate cake dessert dessert food spoon", "a picture of a man holding a fork with a piece of ice cream on a", "a man sitting at a table holding a plate with a plate of food", "man at a table is eating a piece of cake", "i am unable to see an image above", "guy looking at dessert with a chocolate dish", "a man with a fork at a plate that has cake on it", "a young face is eating a slice of cake", "a man sitting in front of a box of pizza with a fork in someones", "person holding knife and fork with cake on plate with a knife on the plate", "a man sitting at a dining table with a knife", "a man sitting in front of a plate of cake and ice - cream covered cake", "guy in red shirt holding knife and fork in front of cake", "is plate fork serving as asian - fork eating a asian spoon man plate food asian", "close to a chocolate cake and a small piece of cake topped with butter", "a asian man sits in front of his spoon in front of another plate with his", "a man plateted up with dessert at his plate", "a man holding a fork and knife in his fork", "a man is holding a knife and fork and sitting in front of a plate of", "man looking a eating eating ic dessert chocolate as chocolate sauce dessert dessert dessert and he", "there is a man eating a slice of cake", "a person holds a knife and fork in front of a cake", "a man with a knife and ice skating in front of him", "fork is man is dessert eating guy with t enjoying in a fork dessert fork being", "a person enjoying a large plate of food", "a person being in disbelief, holding uten knife and a knife", "a man is sharing a slice of cake and fork", "a man sitting at a table with a knife and fork and knife on it", "a man in red is making a look at the plate with a knife", "a boy sitting in front of a plate of food", "a young man holding a knife and fork at a white square plate", "a picture of man taking a slice of dessert on his square plate with a fork", "a young man smiles as he prepares to have a big knife", "a man is smiling while sitting at the table", "a man holds a knife while holding a fork and knife and spoon", "a man is holding a knife and a knife with a knife on it in front", "a man with a fork and knife next to a knife and fork", "a man about to pick up a bite of food, sitting in front of him", "a man in red is posing at the table with his knife", "man holding a big knife next to his right face", "a man with blade and knife and fork being ready to cut a sausage", "a man sitting down to eat cake and a piece of cake", "a man in a red shirt at a table with a few dessert items", "a man eating at an restaurant with his fork", "a man with a fork and knife and knife and a serving platter with ice", "a man is holding a fork and knife in front of a piece of cake", "a plate of cake and fork and knife on white tablecloth", "a man sitting at a table with a cake plate with a knife in it", "a man in red shirt eating a piece of cake with bananas and bananas on it", "a close up of a man sitting at a table with a fork and a knife", "a man holding up a knife to eat cake that he prepared in the middle of", "a man with a red shirt on eating chocolate cake", "a fork and knife is sitting in front of a plate of food", "a man dining with a fork and a knife", "a man cutting a knife on a plate with a knife", "plate chocolate brown plate half dessert a cake cake chocolate cake plate plate chocolate chocolate chocolate", "a piece of cake and a knife with a fork and knifenail on the plate", "man holding a knife and fork eating a slice of cake", "a fork and knife fork in front of a slice of cake", "a young man eating dessert on top of a plate", "a person is holding a knife and fork waiting to eat cake", "a man has his fork, knife, and cake on the plate", "a man is sitting in front of the plate of utensils", "a white plate topped with a piece of cake and a knife", "a man is eating with a knife and fork", "a plate to eat and to t a eating man man is man eat i a", "young male wearing a red shirt preparing to eat a dessert", "a man on a red shirt with a plate of dessert", "a man holding a fork, knife and knife next to a piece of cake on", "a young man with a knife and utensils, eating a slice of chocolate", "on he knife he eating person man he plate cake slice open pizza man his on", "the man is eating a piece of chocolate cake", "there's a fork and knife next to the cake", "a very fat man standing near a big plate of dessert", "this is a man taking a slice of chocolate pastry", "the man is eating a big piece of cake", "a man is eating a chocolate cake with a fork", "a person sitting at a table with up two forks with a knife, fork and", "the man is eating his chocolate piece of cake", "the man smiles as he ate a fork and knife with cake on the plate"], ["there are some men eating hot dogs with little boys", "two adult and two young children sitting on the ground", "two old men sitting next to one another", "three older gentlemen and one young boy eating hot dogs", "older man in suit with two two boys eating food", "a black or white photo showing some children eating different kinds of sweets", "two older people are eating hot dogs and sitting outdoors", "a black and white image of a man sitting with a hot dog and some kids", "two older men and a little boy eating hot dogs", "a group of people that are sitting down", "a lady eating a hotdog sandwich outdoors eating", "a man is holding some fruit and a hotdog", "a black and white photo of a man with a hot dog", "a black and white photograph of three people sitting and eating hotdogs", "a man and kids sit on the ground with hot dogs in hand", "a man, woman, and child sitting down holding up food, while holding bottles", "a man in suit and tie eating a hotdog and two boys in boots", "adult adult male two children eating near one another", "a group of older people eating food next to a tree", "an older man sitting with a couple next to him", "an older man and two little boys sitting down", "a bunch of food is taking a hotdog and an old portrait", "two young and older men sitting together eating hot dogs", "a couple of three people sit near two small boys", "a elderly man and an older woman eating hot dogs", "a person is sitting eating food while looking straight", "three people sitting under a tree eating hot dogs", "two men are sitting on a field with a group of people eating hot dogs", "an gentleman an a older seated seated seated one seated old adults elderly family black an", "a couple of adults and two boys sitting on the floor with hot dogs", "a few people with one person eating a banana", "a black and white picture of people eating hot dogs", "a group of people sitting on the ground eating hot dogs", "a family sitting underneath a tree eating some food", "a group of people eating hotdogs while sitting around", "an elderly portrait showing two men and the boy together", "a man in a suit eating a hot dog while holding a donut", "a man is wearing a suit and sitting with an older gentleman", "a man in top hat and hat holds up a hot dog and eating bread", "a man and two young kids eating hot dogs", "a man eating a hotdog and holding a hotdog", "a man on top of a table eating some food", "an older man sitting near some guys holding hot dogs", "an older man takes his son a bite of hotdog", "a man and two older men sitting together", "an elderly man and two children eat hamburgers", "an older man sitting next to two young boys", "an older man and a boy both eating a hot dog", "a black and white image of a family eating hot dogs and holding grapes", "a man in a suit and tie eating two hot dogs", "a black and white photo shows man eating an apple with a mustard and hot dog", "some black man vintage an a black an people people elderly older black black older old", "a group of people sitting in the grass with food on their plates", "food and people sitting on a ground", "black and white image of three people sitting next to each others eating hotdogs", "two young boys sitting in front of a older man and two children", "a black and white photo of a family eating hot dogs", "a man eating a hotdog with a man sitting under an tree", "man and tie and suit with hands in mouths eating hot dogs", "these vintage picture shows a man seated on the floor eating hot dogs and hot dogs", "a group of people sitting around eating hotdogs", "in are lunch eating breakfast sitting apples two are three black older eating black an apple", "a group of people eating banana breads and picnic eating hot dogs", "a black and white image of three people eating hot dogs", "two adults and two boys and a young boy", "older gentleman eating an apple hot dog in his left shoulder", "an older man sits outside eating food in retro", "a man sitting next to a child holding a hot dog and a man eating hot", "an old man sitting with three men on his lap", "an old man, some older people with food and a bag of hotdogs", "an old man and elderly man eating hot dogs", "an an old man sits on the floor eating a couple of his food", "there are old older gentlemans and a young boy eating food while an elderly gentleman", "two boys eating hot dogs and a man in a suit", "a woman and a kid and some hotdogs and a man", "two people eat hot dogs next to one another,", "a person in an older hat eating hot dogs and eating hot dogs", "a child eating a hot dog while an older man holds an apple", "an elderly couple feeds hotdogs while sitting around", "a man eats three hotdogs as he sits underneath a tree", "an old man has hot dogs in his hand", "an old man with two kids eating hot dogs and eating hotdogs", "there are two people holding hot dogs and buns together", "a lady with two young children and an elderly man sitting sitting next to her", "a boy and a man are eating hot dogs", "photo black black black apple old black black old 1950s people from black an black black", "a group of people eating hotdogs and hot dog buns", "a man eating a hot dog in a park", "a man eating an apple sitting next to an older man", "a young child eating some hotdogs with hotdog in his hand", "people some children and an old man eating hot dogs", "two older men are sitting and eating hot dogs", "a black and white photo of a man and a boy eating lunch", "an old family is eating hot dogs while one holds a hotdog in his mouth", "two adults eating a hot dog and three kids eating bananas", "a group of people that are eating hot dogs together", "a man eating while seated while sitting with a child", "three people are sitting under a tree with hot dogs", "old black a black two father black a a men family kids boys black a there", "a man and a child sitting on a floor eating a hot dog"], ["glasses, eye glasses and glasses eating a hotdog by a stream", "a woman holding a hotdog and eating a hot dog and a hot bun that", "her open food sandwich eating mouth go open food food eating sandwich tongue sandwich eating crazy", "about eating hot with biting surprised in sandwich go eye a wearing hot in to hungry", "bun her sandwich woman sandwich hot holdingglass hot hot sandwich hot food on wiener a", "hot holding eating hot hot bun holding toast eating snack sandwich eating eating eating hot eating", "hot open surprised tongue go woman her gross biting food surprised surprised surprised tongue mouths making", "a woman wearing glasses and glasses bites up for her food", "a woman holding hot dogs and biting her mouth wide and open", "while doing holding with in expression a that eating biting go eating, biting crazy go", "woman shocked and excited with a bit of food", "a woman with her mouth wide open eating a partially eaten hot dog", "hot pre hot hot hot in glasses to hot pre hot matt hot sandwich re hot", "shocked open go with to making eating expression eating in sandwich tongue making while mouth mouth", "go mouth sandwich sandwiches snack woman sandwich eating food sandwich her sandwich hot bun go sandwich", "hungry sub hot man hot biting eating with hot her hot hot sm weird sandwich hot", "a woman with a hot dog in her hands", "a picture of a smiling attractive woman wearing glasses holding a hot dog in her hand", "woman with glasses smiling about to eat a hot dog sandwich", "a person in some glasses in glasses eating a food sandwich bun sandwich", "to sandwich sandwich i trying and eating crazy shocked foods tongue sticking hot trying mouth surprised", "weird is tongues tongue do go goo open mouth amazed food woman tongue surprised foods eating", "a woman with glasses takes a goofy seat while licking and holding food and eating a", "a woman sticking their tongue out licking a sandwich", "a woman holding a hot dog and a hot dog with a hot dog in the", "a woman in glasses sticking her tongue open while making a face that appears to be", "expression surprised a in an out eye and expression - sticking, go trying go eating", "a girl with glasses is holding a hot dog that has the sandwich bread down all", "a woman in glasses eating a hot dog outside", "wearing holding a food eating sandwich a food a a a eating in a eating a", "sausage sandwich with sandwich go sandwich hot sub sandwiches bun - bun sandwich weird sandwich hot", "a women eating a hotdog and holding on one finger", "hot sandwich hamburger sandwich - sandwich hamburger hot hot hot grille re sandwich hot hot burger", "a girl eating a hot dog and pulling her mouth open showing a hotdog and", "a woman sticks out her tongue and a hotdog mouth", "a women eating a hotdog while eating a sandwich roll, a house and hot", "a ladies enjoying her time with a hotdog", "burger eating hot woman a, eating holding eating holding to go eating eating hot holding", "woman biting ho s mouth and horn sandwich her sandwich sandwich hungry crazy ho dun sandwich", "a woman with glasses eating something while she prepares to eat a hotdog", "bun hot sandwich hot hot hot food hot hot hot hot that in hot a hot", "having a go holding while glasses she eating tasting go a re eating and eat go", "sandwiches trying making glasses a with a surprised about food in with hot go go woman", "looking in expression holding is with while surprised while with is not wearing the she not", "that hot hot hot foods woman sandwich wiener food food hot hot hot hot dog re", "a woman is licking for a hotdog and eating a hotdog", "that hungry surprised sausage hot sandwich hot sandwich food shocked that sandwich with woman hot sandwich", "a woman is eating something out of her mouth", "sandwiches food in eating wearing wearing sandwich reading eating eye food go go wearing glasses eating", "a girl eating glasses holding a hot dog", "a woman with glasses, glasses and eye glasses eating a jelly", "a woman in glasses is eating a large hot dog", "a woman with her tongue smeared open eating a hotdog", "grill making biting re biting go lick hot sandwich scream open mouth - go licking tongue", "a woman is eating a treat while wearing glasses", "with glasses wearing glasses while glasses eating glasses eating a glasses glasses food eating eating eat", "and in sandwich a sandwich crazy, sandwich eating mouth go mouth goo tongue tongue hot", "eating wearing she eating her while eating foods is taking hot wearing glasses - ne glasses", "eye tongue crazy glasses making glasses glasses glasses glasses surprised too she goofy surprised too open", "young woman with glasses holding hotdog in front of her mouth", "a woman is biting into a hot dog that is half eaten pizzas, a", "a woman holding a hot dog in her hands with a sandwich on her face", "a girl in glasses is getting mouths full of a snack eating the hot dog", "eating on crazy with open surprised tongue shocked who ban sandwich mouths lips tongue - sandwich", "adult, surprised and yelling while eating a hot dogs bun", "surprised open taking while she lips woman open surprised a sandwich her weird open pizza crazy", "a woman in glasses eating a hot dog and a bunball", "a woman in glasses holding sandwich in grassy field and licking to her mouth and mouth", "hot in her food glasses hot hot sandwich bun hot hot glasses hot food hot eating", "a woman wearing glasses sticks out mouth wide range, she is tearing an open mouth", "holding while with eat glasses holding re eating with with wearing eating sandwich and wearing food", "with with re that eats her in hot glasses a sandwiches sandwich her in holding sandwich", "a woman biting into a hot dog in a park", "woman sandwich sandwich sandwich hot hot hot with sandwiches hot sandwich shocked sandwich sandwich sandwich sandwich", "sandwich hot sandwiches hot hot burger her enjoying hot sandwich hot hot hot that sandwich hot", "eating eating in in and, holding hot sandwich holding in re her and holding biting", "lick with open open sandwich hot sandwich eating tongue mouth sandwiches g mouth tongues food eating", "a woman wearing glasses, wearing glasses, glasses holding a hot dog in her hand", "a young woman in glasses and in glasses is eating a hot dog with glass rim", "a girl eating a hot dog and grabbing a face with a horleck bun", "a woman in glasses holding ontobake and wearing glasses eating a hotdog that", "mouth mouth woman hot food hot sandwich sandwich sausage with grille hot dog while is sandwiches", "a woman eating into glasses while eating a hotw", "she wearing wearing glass hot eating eating food a eating eating hot eating food glasses in", "a woman in eye glasses eating a hotdog sandwich with ketchup", "sandwich hot hamburger in sandwiches sandwich mouth sandwiches hot food sandwich on sandwich sandwiches sandwich her", "angry woman eating a hot dog with a hotdog", "a woman eating a hot dog with a hot dog", "a girl with glasses is eating a hot dog and eating a sandwich", "a woman with glasses eats a hot dog", "a woman with glasses with a surprised mouth and mouth open eating a banana", "glasses a to glasses eating glasses eating a hips eating a with while outside eye glasses", "eating eating glasses eating striped trying taking mouth woman eating glasses trying her glasses and in", "food woman eating going is eating go about to glasses sandwich eye in mouth wearing food", "wearing eye eating glasses glasses glasses eating wearing glasses eating eat food glasses food glasses glasses", "the eyes of a woman wearing glasses eating a while holding a pastry", "hot hot hot, hot in sandwich hot with glasses glasses sandwich sandwiches hot eating hot", "bun hot sausage - mouth mouth - sandwich mouth hot sandwich biting mouth woman hot,", "eating glasses with glasses food food her hot eating woman while glasses she woman sandwich sandwich", "a woman eating an horiburg hotdog sandwich and eating her hotdog sausage"], ["young asian woman with green long hair eating half of a slice of food", "a girl looks eat pizza and looks at it", "a female enjoying to eat a piece of pizza and she takes a bite out of", "a girl with a green outfit eating a slice of pizza", "a person wearing green hair is holding a piece of pizza", "a woman with green hair eating pizza pizza for a slice", "a girl eating a slice of cheese pizza", "a woman with a slice of pizza slices a piece of pizza pizza", "a woman eating a slice of pizza with a slice of pizza in her hand behind", "a person is eating a large eating burger", "a girl is eating slices of pizza and eating a slice", "a woman with green hair eating a large slice of pizza", "a girl with a slice of pizza takes a bite", "with is eats on pizza, that while pizza she is slice, eating sandwich woman", "a young person, with green hair sitting down and eating a slice of pizza", "girl green eating haired to green with haired, a eating girl green green bangs green", "a person with blond wigs, eating a slice of giant pizza", "a woman is holding a slice of pizza", "a girl with green hair holding a slice of pizza", "woman in yellow jacket eating with piece of pizza with bite taken out of piece", "a woman holding a slice of pizza and a slice of pizza", "a couple of people taking plates of food with pizza", "a woman with bright green hair eating pizza", "a beautiful green blond female eating a pizza with green hair", "a girl is girl green girl green who with a green a girl has a a", "girl eating a slice of pizza and a slice of pizza", "a person with green hair and green tie eating a piece of pizza", "this is a woman eating a bitten pizza", "a girl with a green hair eating a slice of pizza", "a green - haired girl wears a green wig while eating a large slice of a", "a person with big eyes holding a slice of pizza", "a girl holding a piece of pizza in her hands", "the girl with green hair holds out a slice of pizza", "a woman holding a slice of pizza with a green green wig", "a japanese girl with green wig is posing with a half of pizza in her hand", "a woman is eating a slice of pizza", "a girl with green hair eat pizza and don't see what she is trying", "a woman with green hair eating a piece of pizza", "the woman is taking a slice of pizza and drinking soda", "a girl holding a pizza slice and one fork, with a piece of pizza in", "a woman with green hair holds a slice of pizza and pizza", "a woman holding a slice of pizza and a pizza slice in her hands", "a girl is eating a pizza and eating it with the other pizza", "a woman is eating a piece of pizza", "wig wearing green costume green green girl the green she, ki ga a a girl", "a woman eating something that looks more like pizza", "a woman wearing green holding a piece of doughnut in front of her face and", "with with lime a and eating with she green green eating green green green color holding", "a woman with green hair eats a large sandwich", "a person in costume with a green hair and pizza holding a slice", "a person with green hair holds a piece of food in their hand while eating a", "a girl wearing black clothes and a black top is eating a slice of pizza", "a girl with green hair taking a slice of pizza", "the young woman in traditional costume is holding and eating a piece of bread", "the lady with green hair is eating donuts", "a woman in green hair eating a piece of pizza", "a person with green hair holds a slice of pepperoni and pepperoni on a", "green long anime green green wig green green green green green green green hair green green", "a girl with green hair and green scarf eating a large doughnut", "a person seated with a slice of pizza in their hand", "young girl wearing green dress with slice of pizza in front", "a woman holding a piece of pizza with her face showing it", "a woman eating a slice off the slice of pizza", "a woman with green hair and colorful makeup", "in lime lime a a green with green wig green is brightly the anime green green", "a close up of a person eating a piece of pizza and a giant slice of", "i was looking for a slice of pizza on a pizza slice", "a girl is holding pizza on her hands", "a slice of pizza that is on a piece of food", "a girl wearing green green hair eats a slice of pizza", "a girl with green hair eating pizza and looking at a slice of food", "a woman eating a slice of food with a lime green costume", "a woman with green hair is eating a slice of pizza", "the woman is eating a piece of pizza", "a woman has green hair eating a piece of pizza", "a person wearing a green uniform eating a slice of pizza", "a woman with green head hair eating a slice of pizza", "green food is zombie eating anime green eats girl costume brunette she pi green pizza she", "a green haired woman is taking a slice on a slice of pizza", "a woman taking a slice of pizza made out of green hair", "young woman eating pizza with green hair eating pizza", "dressed green green man green green pizza pizza eating a eating green pizza eating pizza dressed", "a person holding a piece of food in front of her mouth", "a young girl is wearing a green wig, she is holding a slice of pizza", "a woman with green hair eats a slice of pizza", "an image of a green haired person with blonde hair", "the woman is looking intently at the large piece of pizza", "bright green with paste pizza paste bright green eating paste light green pizza green slice green", "a person eating a pizza and a green costume", "a woman eating pepper pizza pizza eating a slice of pepperoni", "a person with green hair eating a slice of pizza", "a girl wearing green wig posing with a slice of pizza", "a photo of part of a sandwich on plate", "a woman with green hair holds a slice of cake", "a woman with green hair eating a doughnut", "a woman with green head sitting in front of a slice of pizza", "the being green the a her holding girl with green while green a female green punk", "with pizza eats pizza a with pizza pizza pizza pizza eat pizza pie pizza anime pizza", "a girl eating a slice of pizza covered in green wigs", "a person is holding a bagel and looking at the camera"]]}, {"question_id": 1507621, "question": "How many images contain exactly 2 brown cabinets that are above microwave?", "answer": "1", "captions": [["over post sticky post memo notes sticky post note note sticky the above home post post", "and post sticky post post a post in a post sticky over a sticky post post", "a microwave sitting below a microwave with post it notes attached", "post sticky post notes post yellow wish post post photo post kitchen sticky sticky post post", "two microwaves stacked near a stove on each other", "a white microwave oven next to a white microwave", "yellow post its on the cupboards of a microwave", "on the have post post post post post written post sticky kitchen post post memo yellow", "a stack of post - it notes over a microwave over an oven", "three tiers of cabinets for storage with a magnet note on the front", "a stack of many sticky notes pinned on the microwave a block and post - it", "a kitchen over the range microwave with wall post it notes", "stacked built a kitchen stacked stacked to microwave kitchen written stacked stacked the fu a the", "a microwave against sticky note in kitchen, with notes on the wall", "over over microwave cabinet stacked under top combination under stacked over under w stacked multi over", "a kitchen wall has a white microwave and fridge in it", "a microwave microwave is built on top of a coffee pot", "a white stove with a stove top oven with a microwave on top of them", "home work notes notes and sticky notes post note on a microwave stacked atop top of", "three microwaves stacked with post - it notes", "a white microwave with a sticky papers sticky pad holder in front of it", "sticky post post post post new post notes red counter post post post sticky sticky note", "a microwave with post it's and a microwave oven with sticky notes on a", "note stickers advertise sticky notes and an unusual microwave oven", "over and stack stacked with above over microwave over shelf in white with microwave white microwave", "a home post post post post sticky post post post post post post sticky paper post", "a microwave above it above a black stove", "a microwave on a ledge above a toasted egg and a microwave oven on top", "post post notes stick post index note post notes post microwave white a refrigerator cl microwave", "refrigerator with many sticky notes on it attached to a microwave over the microwave oven cabinet", "a white microwave is sitting on the table", "a white kitchen stove sitting next to a microwave top oven", "a microwave with an oven that is on top of a microwave chest", "post post bulletin over post post in post microwave over post post post post a over", "a wall of postit notes on a stack the microwave and a place notes post", "a kitchen with a white microwave over the microwave tower", "two microwave ovens stacked over a built in microwave", "a white microwave oven and a white stove top", "a microwave with sticky notes attached to it", "a white microwave, refrigerator magnet notes and notes pinned to it", "a microwave with sticky sticky notes on it", "a microwave on top of a microwave oven", "the top shelf with sticky notes attached to it and an oven on it", "a stack of sticky note notes on a wall over a microwave and a coffee cup", "a microwave and two post it notes with post it notes", "a small refrigerator with sticky notes taped post it notes on a wall above it", "a microwave is above a black counter top", "a microwave with sticky papers attached to the wall", "a microwave oven and some post - it on a wall", "a picture of an over head microwave and yellow post it notes", "microwave microwave microwave over over over over and microwave microwave microwave microwave microwave microwave multi over", "a microwave that is all wired with notes", "a kitchen with a stove and a refrigerator covered in sticky note notes and sticky notes", "a white microwave has sticky notes on the wall", "bulletin post post sticky post post memo post post ad note post post post yellow notes", "stacked microwave cabinets with sticky notes on them", "a kitchen cupboard is decorated with notes, post paper notes, and a microwave", "three microwaves stacked on top of one another and all stacked across the other", "a kitchen with a coffee pot and a coffee pot", "post post post post sticky post counter post sticky sticky notes post notes sticky sticky mini", "a yellow post pad paper ad sticky notes yellow stickers on a microwave over the", "over in kitchen oven sticky oven microwave white multi a a microwave a microwave kitchen microwave", "a microwave on top of a black counter", "the door is closed in this microwave", "a microwave oven has yellow post it notes in place notes", "a post it post - it note sticking post yellow notes on a post it notes", "a microwave sitting on top of a microwave", "a couple of sticky notes that look good on a microwave", "a bunch of post - it notes are sitting on the top of a microwave shelf", "a microwave is covered in sticky notes with post - it notes, papers and magnet", "sticky post note sticky new post over all note a post post post kitchen sticky to", "two post - it notes are on a post - it post notes on the post", "on post yellow paper over a a stacked counter post under white a combination post the", "a microwave that has a post notes attached to it", "a stack - up microwave on a wall above a range combination kitchen", "microwave over oven hanging above a microwave on a shelf", "a microwave with sticky notes on it and notes above it", "microwave in kitchen with yellow notes written on wall", "a bunch of post it notes are sticky to the back of a microwave", "a microwave above a tiny bar on top of a small counter", "a picture of a kitchen area with a kitchen pantry above it", "yellow sticky paper notes adze note stickers on a microwave with post it notes", "stacked sticky paper notes, post it notes, sticky note stick", "a very organized kitchen with note sticky paper on the wall", "a microwave sitting on a refrigerator with sticky notes taped on top", "a microwave is decorated with post its on the wall", "a microwave on a kitchen counter with sticky notes pinned", "a very post - it notes stick to note notes a microwave and a post -", "a stack of microwave boxes above a stove top", "a white microwave stacked on top of post it note on the wall", "the refrigerator has sticky notes on the door of the oven", "i oven over microwave microwave wall microwave microwave microwave multi over", "a stack of three microwave above the kitchen stove", "post post post sticky post post sticky sticky post post post post notes post post sticky", "stacked post post over sticky sticky over microwave wall the a microwave a wall post post", "two microwaves sit on top of each other above cabinets with post it notes", "a white microwave oven over a white microwave", "a note sticker on is on the side of a microwave oven", "a microwave is attached to a microwave", "a microwave covered in post its and notes with note adhesives"], ["a close up of a bathroom with sink and shower", "bathroom full of fish shower curtains over a toilet in some places", "a bathroom that looks rustic and clean", "a beige colored rug and two wooden framed mirrors are in a room", "some fish fishy the wall of this bathroom", "a home toilet, and wooden toilet vanity", "a bathroom with a sink and a toilet", "bathroom area with wood and stainless steel cabinets and counter tops and cabinet shelf above counter", "a bathroom with a toilet and a small wooden cabinet and toilet", "someone has multi - printed shower curtain shower curtain hanging in red", "there is a kitchen bathroom with fish in the water", "bathroom sink under faucet sink with cabinets and cabinets next to it", "a bathroom with wooden cabinets and mirrors and mirror above the cabinet doors", "a bathroom is decorated and is a very clean and neat looking", "a wooden vanity with mirroreds behind a mirror", "a bathroom is filled with toilet tissue fishes", "a view of view from the sky, with the sky blue, blue and grey", "this bathroom is shown with a wooden cabinet", "a wooden toilet and toilet near a mirror and a toilet paper dispenser", "bathroom with wooden cabinets and wooden mirror", "a toilet and a sink are together in a bathroom", "a bathroom with a wood cabinets, tiled floors, and a tile floor", "a toilet with lid raised a toilet seat", "the red fishes of the ocean are shown on this green - white bathroom", "a red bathroom that can be very fish - like for some reason", "a view of a bathroom with vanity sinks mirror cabinet wooden cabinets and white counter", "a bathroom with a toilet and some curtains", "a bathroom toilet sits above wooden cabinets", "a picture of a shower curtain with a curtain design on it", "wooden bathroom sink under the cabinet door shelf", "a bathroom with brown cabinet and brown toilet", "a bathroom with shelves and cupboards and wood cabinets", "a bathroom with cabinets, toilet and white sink", "fish shaped curtains and fish sinks in a bathroom", "there is a toilet behind aquarium - styled curtain", "a bathroom with a sink, medicine cabinet and an aquarium mural", "brown wooden cabinet, storage and mirror", "a picture of a picture of a bathroom", "a wooden cabinet and mirror in a bathroom", "a bathroom with a sink and toilet in it", "a bathroom sink has a cabinet across the toilet and a cabinet over the sink", "a bathroom with a wood floor and brown cabinetry", "a bathroom has a toilet and sink outside", "a group of orange fish swimming in front of a window", "a bathroom has the colors, with the sink and sink next to the toilet", "a bath tub a bathroom rack and a toilet in the bathroom", "a small kitchen with a table and chairs and a small window and a white light", "a small bathroom with a toilet and wooden cabinets", "a modern bathroom with toilet and cabinets and wood cabinets", "a bathroom has light above a mirror and reflection", "a bath room with a sink a mirror and a shower", "fish in a room with wooden cabinets above the sink and the toilet", "a bathroom with a toilet and sink sitting under a mirror", "a bathroom that is brown and brown wood", "a bathroom with a sink, cabinet, and toilet", "a hotel bathroom with a shower curtain in a wave pattern", "a bathroom with light cabinet, toilet, and shower curtain", "a bathroom with orange fish on shower curtains", "a bathroom with orange shower curtains and a toilet", "the shower curtain is hanging on the shower curtain", "a bathroom with a sink a mirror and cabinets", "a bathroom with a wooden toilet in the corner", "an array of fish fish on a white counter with two mirrors", "small fish can be seen on the surface of this kitchen", "i've never fishy this bathroom storage cabinet to keep the bathroom in the", "a bathroom decorated with golden shower curtains and a wood toilet", "a brown toilet on a tiled kitchen counter top", "a wooden frame and brown cabinets and an area floor and a sink", "a bathroom with a shower, cabinets and the sink and drawer", "a toilet that is next to a wooden cabinet", "a bathroom with water and toilet next to shower", "toilet next to wall cabinets with fish decals in an open bathroom", "a toilet is near a cabinet and a cabinet", "a bathroom with orange shower curtain and wood cabinets", "fish painting on a bathroom wall with a wooden toilet and a large mirror", "a bathroom with a sink, mirror and a cabinet", "wood cabinet and bathroom, in wood cabinet cabinet oak wood light looking wooden toilet wood", "a bathroom is litdy with a red fish red fish", "small fish circles fly around a bathroom floor", "a bathroom with a wooden shower curtain and brown cabinets", "a small bathtub in a wooden cabinet", "the bathroom has an aquarium fish curtain as a fish image", "an oddly shaped shower screen with wooden cabinet and glass door", "a picture of i kitchen of some type", "a kitchen counter top that has a towel and microwave", "a close up of a bathroom with a curtain near the toilet", "a bath sink in a tiled tile bathroom on sink floor", "a bathroom with a toilet and sink in the room", "a picture of a bathroom toilet under a toilet mirror", "the colorful fish curtains in the bathroom are beautiful", "a bathroom with a wood cabinet and mosaic floor", "an orange fish in a small bathroom with a view of clouds", "people in a large room bathroom sink and sink drain sink", "a small bathroom with a toilet, sink, cabinets and sink", "a small bathroom has some fish printed shower curtains", "a bathroom with a shelf over the medicine cabinets", "a bathroom with wood cabinets, wooden curtain and toilet", "there is a sink and a shower curtain above the mirror", "a bathroom with curtains is in the photo", "an image of a toilet in a bathroom"], ["microwave oven over over the microwave", "a kitchen with a microwave, microwave oven, microwave over the range and large,", "a microwave oven, a stove, microwave microwave and a microwave microwave", "looking inside of a kitchen in an apartment", "wooden cabinets and brown cabinets in a kitchen", "a small kitchen with wooden cabinets and a microwave above it", "a microwave oven with a flower pot on top of it", "a kitchen with oak wooden cabinets and granite counters", "a kitchen with a christmas wreath over the top of the oven", "a kitchen with a stove and microwave over the stove", "a kitchen with several cabinets and white towels", "there is a microwave, microwave oven and wood cabinets together", "a kitchen contains cabinets, a microwave and cabinets, microwave, microwave microwave, counter", "a kitchen with a microwave microwave oven and counter areas", "kitchen has a microwave over the range and microwave below the microwave", "a kitchen with wood cabinets and stainless steel oven", "a modern kitchen with an oven microwave a stove and a green planter", "stainless steel microwave and oven combo over silver microwave", "an oven above a microwave, a fridge, and some cabinets", "a kitchen area with wood cupboards and white walls", "a kitchen with oak cabinets and a microwave above the microwave", "a view of an overhead light above a ceiling mounted microwave in a kitchen", "a kitchen with a vase of the birthday layer cake made by a cake", "the microwave above the stove is above the microwave", "the microwave and microwave oven are in a home kitchen", "a black microwave, kettle, oven and range", "a kitchen scene looking at the black microwave above the microwave", "a kitchen in the middle of a very nice room", "microwave over the range microwave oven combination oven and microwave combination cabinets for small kitchen storage", "a beautiful kitchen with white microwave and black microwave microwave on the cabinet doors", "a black microwave above a metallic silver microwave", "a kitchen that has a tv on the wall", "a view of a kitchen with no door to the kitchen", "microwave microwave black oven - black microwave an a over microwave microwave kitchen cabinets microwave a", "a kitchen that has an overhead potted plant on the wall", "an oven sitting on top of the middle cabinet above a microwave", "a kitchen with a yellow tile floor, brown cabinetry and an microwave over it", "a black oven sitting on top of a stove next to a microwave", "a kitchen with a sink and a refrigerator", "a modern kitchen with black and white appliances and a dark microwave oven", "this is a photo of a black microwave oven", "a very large kitchen with wooden cabinets and appliances", "a black microwave oven a microwave microwave microwave under a microwave", "a light hangs over a black microwave oven", "a picture of a kitchen with cabinets and counter top", "a kitchen with brown cabinets and stainless steel appliances", "black a white on stove black oven black black silver black microwave black black black is", "a simple, light - colored looking, kitchen cabinetry with a microwave over the", "over kitchen microwave kitchen hanging microwave overhead kitchen microwave oven black microwave over kitchen microwave oven", "a picture of kitchen with wooden cabinets and oven", "a microwave oven and microwave combination oven with a microwave over the stove", "a small black microwave oven above above cabinet front of fridges", "a very clean and nicely modern looking kitchen with wood cabinetry", "a kitchen with wooden cabinets and white countertops and a black microwave above a stove", "a clean kitchen with microwave over, oven on counter, microwave over oven on the", "a kitchen with cabinet doors and a black microwave microwave microwave", "a dining cake on top of a kitchen counter", "a black and silver microwave oven and microwave", "a very nice looking kitchen with a microwave and a very kitchen", "stove, microwave, oven and microwave microwave is over the oven", "a room with a modern clean kitchen area of a house", "a black microwave and oven under microwave above a black black microwave", "a picture of a kitchen with cabinets, microwave, microwave, microwave microwave, black", "modern kitchen of cherry maple cabinets and black stove", "over microwave it a a microwave a over over kitchen microwave kitchen over over all kitchen", "a kitchen with a microwave, oven and a microwave oven", "a microwave, microwave and oven over a shelf", "a corner kitchen with brown wood cabinetry and black appliances", "kitchen with wooden cabinets and a black stove", "an empty, clean kitchen which all has wood cupboards and a black microwave", "this is an unfinished kitchen with a new refrigerator, new microwave, new counter tops", "oven top microwave over the microwave over the kitchen stove", "a kitchen counter top with a microwave above it", "a kitchen filled with white counter top and microwave", "there is a black oven in the kitchen", "a kitchen with a microwave and a microwave over the microwave", "a stove and a microwave oven in a kitchen", "a black microwave in a brown kitchen", "with microwave microwave oven a a a a a this microwave a a a the a", "a kitchen with various wooden cupboards and counters", "a kitchen with wooden cabinets and wooden cabinets", "a black microwave sitting atop the top of a wooden stove top", "a picture from the kitchen is being used", "a kitchen with beige appliances and oak cabinets around a microwave oven", "black and a kitchen a a cabinets a a a a a a a a there", "a kitchen area with wooden cabinets, two black microwaves and a black stove", "a microwave on top of a microwave oven in a kitchen", "the oven oven is empty in this small kitchen", "a microwave oven that is above a stove", "a light hanging in a kitchen with wooden cabinetry", "a kitchen with wooden cabinets and metallic hardware", "a well lit kitchen is a nice spot for cake", "a kitchen that has brown cabinets and a microwave, oven, microwave oven, and", "a very nice looking and well finished kitchen with oak cabinets and a microwave", "a very nice and well equipped style kitchen with oak cabinets", "a black microwave and oven and wooden cabinets", "a kitchen with beige cupboards, yellow countertops and black microwave oven", "a black stove and a black microwave above it is attached to the wall in a", "a kitchen top with brown cabinets a black microwave", "looking into the kitchen with the microwave over the microwave oven"], ["a woman is showing off her sandwich", "a woman holding a sandwich in a paper container in a kitchen with microwave and counter", "close girl hot sandwiches creepy sandwiches a her a looks makeup looks sandwich is a a", "a young lady has a very strange look on her face", "lady with pink lipstick staring into camera", "a woman wearing a white dress is looking into the camera as she holds a sandwich", "a woman is posing in a kitchen while looking at her camera", "the woman has a sandwich in her hands", "a lady with a very large sandwich on a wooden tabletop in front of a", "a person with a halloween make up is very creepy", "woman in dress posing with large sandwich on stove top", "girl in a halt neck dress holding a large cutlet sandwich", "a woman is staring down as she poses with a sandwich", "a beautiful young girl poses for a picture in a kitchen", "there's a microwave on the kitchen wall", "a woman holding paper is in a kitchen with microwaves on the cabinetry", "a close up of a sandwich that a woman is holding", "a woman with a microwave on a microwave oven", "a girl standing in the kitchen with a microwave microwave above the microwave", "girl female the face attractive a sandwiches girl sandwich sexy posing looking sandwich burger meat picture", "a beautiful young woman cutting a giant sandwich", "a woman in a kitchen standing out in her white dress", "a woman with brown hair and brown sunglasses and brown cupboards", "the woman stands in front of a microwave with a hot dog in a hamburger bun", "a woman in a kitchen posing for a photo", "this is a woman with makeup that looks like she's going to zombie", "the woman is holding up the microwave on the stove top", "woman in kitchen with open toastnut sandwich in basket", "a young, dark colored woman in front of a microwave", "a girl is standing next to a microwave oven near a chest of drawers", "a very attractive lady holding a very big sandwich", "a very cute young lady in a kitchen", "a young woman standing in front of a microwave", "the girl is holding a sandwich made out of paper", "an image of a woman holding some food", "the woman is in the white microwave", "a young lady with a turkey and ham steak on a roll", "a woman that is looking at the camera", "a girl in white shirt in front of a sink", "a woman posing for a picture while holding a large sandwich with an egg and cheese", "a girl stands in a kitchen in front of a stove", "a woman standing in a kitchen wearing an apron", "a girl posing for a picture while holding a enormous sandwich", "a beautiful blonde lady looking at the camera", "a woman in a white dress in a kitchen next to a microwave", "a girl holding a sandwich in her hand", "microwave microwave a over microwave food counter with microwave microwave microwave over kitchen sandwich that microwave", "a woman in a white cabinet holds a big sandwich in her hands", "a young woman posing in the kitchen staring into the camera", "a woman in a kitchen posing for the camera", "a woman standing between cabinets next to a shelf with a sandwich on it", "a woman in a kitchen holds a microwave in her hand", "a girl with long black hair with her eyes closed and a big, surprised look", "a young woman wearing makeup poses for the camera", "a young lady holding a tissue in her white bag", "a girl holding up a microwave microwave oven over a microwave microwave", "a pretty blonde woman holding a cut in half sandwich", "young woman in kitchen with large sandwich near cupboards", "a young woman standing in a kitchen looking up", "a woman is staring at the camera in a kitchen", "a woman holding a sandwich with a big bite", "a woman holding a microwave by her side", "a woman smiles as she holds a sandwich", "a woman with a big sandwich near a microwave", "a women who is looking to get a better picture", "woman holding an egg and bacon casserole on her hands", "a woman with a mouth wide open holding some food", "a woman posing in a kitchen in a kitchen", "a woman in a kitchen making funny face with dark eyebrows", "a girl posing with a microwave above her", "a girl in a kitchen holding a sandwich looks sideways", "a beautiful young woman holding a sandwich in a kitchen", "a nude young woman holding a sandwich on a panini", "a woman with an umbrella standing in a kitchen", "a girl holds a plate with a giant sub sandwich", "a beautiful girl holding a bowl filled with something", "a woman in a kitchen near a microwave", "an adorable woman is posing for a photo in the kitchen", "a woman holds a hot dont covered in a wrap", "hot woman eating a sandwich in a microwave oven", "a close up of a person wearing eye glasses", "a woman that is standing up in a dress", "a woman is looking at the camera while holding a sandwich", "a woman holds a sub sub sandwich in her hands", "a woman is standing and holding a sandwich", "a woman that is holding a white microwave oven", "a woman with long dark hair standing next to kitchen cabinets", "a beautiful young lady holding a small clock in a cabinet", "the young woman is ready to show the camera", "a girl wearing jeans standing behind a sandwich", "a woman holding a large sandwich in a kitchen", "a sub sandwich in a home kitchen", "a woman holding a large sandwich with a microwave oven on top of kitchen microwave microwave", "a dressless woman takes a cooking activity near a dishwasher and microwave", "a person holding a sandwich in a kitchen", "a woman has very large eyes and is staring and staring", "a woman who is looking at the camera", "a woman who is holding a container while looking at the camera", "one girl looks at the camera with a disgusted look", "makeup pan grille inside pan pan a to toast sandwich pan cut and wheat make pan"], ["kitchen area has brown wall wood cabinets and stove", "a small stove top oven and a microwave top oven", "a narrow, empty kitchen with tan wood cabinets and cabineting", "kitchen light kitchen kitchen lights kitchen kitchen dining lighting oven hanging kitchen kitchen kitchen window pendant", "a kitchen that is simple and white and is small, in all white", "a white and black kitchen with a sink and cabinets", "wooden galley backs kitchen kitchen a large wood cabinets kitchen white stove kitchen kitchen sink wooden", "a kitchen sink in a cluttered kitchen", "a white kitchen with wooden cabinets and a window in a room", "large kitchen with counter and sink in the middle of the room", "a kitchen with unfinished cabinets, a window and black and white striped mat", "light light cabinets kitchen light kitchen above wood the light white white kitchen white cupboard cupboard", "a small, white and wood kitchen with sink and stovetops", "a bathroom window and a window shine through a window above a stove top", "a light above a counter in a kitchen", "a kitchen sink with two backs to allow additional storage space", "this kitchen is very clean and needs to be used as a mud kitchen", "a sink in a kitchen with cabinets and a window", "brown, white, and beige tile floor tiles and cabinets", "a kitchen has some cupboards and a ceiling fan", "home kitchen with a very white kitchen with window sunlight", "a kitchen scene in a small home", "a large window in a white and brown kitchen", "a window in the kitchen with wooden cabinetry", "a kitchen with wood cabinets and white cabinets", "a galleyed kitchen with two sinks and white appliances", "a kitchen with brown cabinet cabinets and a stove top", "a kitchen with beige cabinets and white cupboards", "the kitchen in a home showing the double doors", "an elegant looking clean and organized and tidy kitchen", "the picture shows a kitchen with a window overlooking the woods and outside in the day", "a kitchen view with white floors and windows", "a kitchen that has wooden cabinets and a stove top", "a sink with wooden cabinets and a hanging light", "a kitchen with lots of wood cabinets and white counters", "a white kitchen that has wood cabinets and white appliances", "a kitchen with white cabinets and light wood cabinets", "a kitchen filled with lots of counter space", "wooden sink kitchen pantry cabinets cabinets a counter brown galley counter white kitchen a cabinets a", "a small, clean kitchen has oak cabinets and cabinets", "a kitchen with a microwave in a corner kitchen", "kitchen kitchen kitchen white white white cabinet cupboard white kitchen kitchen cabinet white cabinets a tan", "a kitchen that has a range top in it", "a kitchen with a sink and a window", "interior of a small kitchen with wooden cabinets and white sink and white counter top", "a small kitchen with a small window above a window", "kitchen with white sinks, brown wood closets, and wood cabinets", "a stove with white counter top under a bay window", "a kitchen space with kitchen counter view of trees in the background", "a small kitchen with white and wooden cabinets", "a kitchen with white cupboards and a marble stove overtop stove in it", "a kitchen filled with white appliances and wooden cabinets", "a pantry with white cabinets, a window, stripes, and black and white", "kitchen cabinets that are open and white in style", "cabinet kitchen white cabinet cabinets white white cabinet microwave a a kitchen kitchen cabinet cabinet white", "light window light looking light home lamp light light kitchen and light light lights light light", "dark brown kitchen cabinets and cabinets with brown cabinets and a white sink", "a kitchen with a light above it above the sink", "pendant pendant hanging and brown light lights hanging light hung pendant light lights light kitchen pendant", "looking out of a window from an all white pantry", "a empty kitchen with wood cabinets and white appliances", "a narrow kitchen with wooden cabinets and window", "home kitchen with wood cabinets wooden backs cabinet doors", "a kitchen with cabinets and a light hanging from the ceiling", "a kitchen with wooden cabinets and doors and wood counter top", "a small kitchen with cabinets and counter tops", "a galley kitchen with wooden cabinets and a window", "a photo of kitchen with counter lamps above and white cabinets", "window in a kitchen with cupboards and cupboards on the right", "kitchen oak all kitchen kitchen cabinets modern microwave in kitchen wood kitchen red brown backs kitchen", "a kitchen filled with cabinets and a stove top oven", "the kitchen is cluttered with all wood cabinets, and a sink", "a kitchen scene with brown cabinets and brown counters", "a galley kitchen with a stove top oven and cabinets", "a long narrow kitchen is located on both ends of the counter", "a light above the kitchen sink is suspended from the sky", "a kitchen with brown counters, wood cabinets, and wooden floor", "kitchen in kitchen cabinets wood oak brown - cabinet a kitchen cabinets overhead wood kitchen wooden", "a kitchen with brown wood cabinets and white counter tops", "a small kitchen sink under a hanging light", "an all white kitchen has white cabinets on it", "looking kitchen narrow long a a a a this kitchen narrow a a narrow a small", "wooden wood cabinets dark cabinets the wooden kitchen wooden light kitchen light cabinets small kitchen lighting", "a long room filled with white cabinets and white counter tops", "kitchen kitchen there kitchen kitchen kitchen kitchen rest kitchen kitchen a kitchen cabinet cabinets cabinets stove", "a corner kitchen with wooden cabinets, a window and a tiled floor", "kitchen kitchen cabinets windows kitchen kitchen kitchen kitchen cabinet kitchen kitchen window kitchen clean a cabinets", "a very clean kitchen all ready to be kitchen renovation", "a large chan lamp in a kitchen with white cabinetry", "a kitchen area with a sink and a window", "kitchen cabinets placed together, with a light above them", "a small kitchen with wooden cabinets and counters", "a kitchen with wooden cabinets and wooden cabinets", "a kitchen with wooden cupboards and cabinets a picture framed", "the interior features brown cabinets, wood doors, wood lower cabinet doors and glass door", "wood oak sink counter counter white kitchen counters pots cabinets cabinets cabinets kitchen wooden cabinets sink", "a white kitchen has brown wooden cabinets", "a kitchen has a black and white striped floor", "a very clean kitchen with all kinds of cabinets and sink", "kitchen with white sink and brown cupboards and wooden cabinets"]]}, {"question_id": 4206971, "question": "Is it true that there are more men that are wearing baseball cap than boys that are wearing baseball cap?", "answer": "no", "captions": [["a man with a baseball bat looking for a picture", "a a behind batter baseball child youth photo baseball baseball youth photography baseball portrait batter young", "a young baseball player holds a bat and waits for the game", "a male in a black and white baseball cap holding a bat", "a boy holding his baseball hat at the camera", "a dark photo of a boy with a hat looking", "a baseball player standing in in front of a person", "black and white photo of a teenage baseball player portrait with a hat and baseball cap", "the boy in the cap is the only one who is looking forward", "young boy with jersey, cap and baseball racket", "a boy in a backwards baseball hat, cap and goggles holding the bat", "a black and white portrait of a baseball player", "a young man holds a small baseball bat", "cap young ball ball baseball teenage black and boy baseball the baseball ball the portrait portrait", "a boy poses with a baseball bat and cap", "a baseball player poses in black and white for a black and white portrait", "portraits close youth portrait boy in a boy photography posing boy ball portrait on portrait man", "a young man holds a baseball bat wearing a cap and baseball cap", "a boy wearing a baseball cap poses for a black or white photo", "a picture a in black holding for a picture a black a baseball baseball is baseball", "a young boy in a baseball cap holding a baseball bat", "a boy with a baseball hat has a baseball bat", "girl, in black and white portrait, wearing baseball caps", "a young boy is holding a baseball bat and waiting for the ball", "a boy in a baseball hat holds a baseball bat", "a young baseball and ball player prepares to show off his new bat", "a young boy in a baseball hat holding a baseball bat", "a kid dressed in baseball in an cap, white baseball hat, and black and", "black and white male with baseball cap and bat", "on a batter black a baseball is a baseball baseball a a a little baseball batter", "a young male wearing a baseball cap and cap", "baseball baseball baseball a baseball baseball baseball baseball baseball this boy baseball portrait portrait a a", "a boy in a baseball cap and a baseball helmet", "baseball player - holding baseball black little boy black boy baseball baseball photo child photograph black", "a boy in a cap, with a baseball bat and a baseball cap", "baseball on baseball black wearing baseball boy black boy baseball he male cap child with baseball", "a black and white picture of a male baseball player holding a baseball bat", "a boy in a baseball hat on a black background", "a man wearing a baseball hat standing in the darkness", "there is a young boy holding a baseball bat", "a young boy holding a baseball bat on top of a field", "young boy is practicing in the dark holding a bat and standing against a black background", "a black and white photo of a boy with a baseball bat and cap", "a man wearing a baseball cap holding a baseball and a baseball bat", "a boy dressed in a baseball uniform is looking straight into screen", "a man in a baseball hat that has a bat in his hand", "a young man in a baseball hat and cap and neck scarf", "a young boy in a cap poses with a baseball bat in his hand", "a baby playing baseball, the little boy is wearing a cap", "the young man is posed for the picture he wears a hat and holds a baseball", "young baseball player posing with his headshot", "a young smiling boy wearing cap in a baseball hat", "a boy in a cap and a cap holding a baseball bat", "young male tennis player in black and white poses with bat", "a person wearing a hat and a cap with a boy wearing the cap", "a cap stands behind a baseball cap in a black - and - white photo", "a black and white photo of a young man in baseball uniform", "boy wearing in portrait on black with black - the portrait black a black bat baseball", "a man wearing a new york baseball cap poses with a baseball bat", "a man wearing a cap holding a baseball bat", "a black and white photo of young boy poses with a baseball hat, cap,", "a young boy holding a baseball bat and wearing a baseball cap", "a man in a baseball cap holding a baseball bat", "a black and white image of a boy in a baseball cap", "a baseball black a baseball wearing a young a a ball a wearing a a a", "with and portrait baseball is boy baseball baseball one in", "a young man holding a baseball bat at night", "a young man with a baseball hat and baseball uniform with an american star and a", "a boy in a baseball hat poses for a picture", "posing black photo and baseball in helmet dark in - black posing", "a man wearing a hat cap in black and white", "a black and white picture of a young boy", "a black and white image of a man in the night", "baseball baseball baseball baseball wearing baseball a a a, bat boy baseball baseball baseball one", "boy baseball of a black boy teenage young portrait young baseball young head boy baseball the", "batter baseball at boy a in a hat a the black a baseball hat dressed baseball", "a boy posing for a photo he has a hat on", "the boy with the major star on the cap holds a baseball bat", "a baseball player holding his bat against a black background", "a boy in cap and baseball cap with bat, looking up", "a boy wearing a baseball cap and holding a bat", "a kid in a baseball cap and cap", "a little boy holding a baseball baseball bat", "a baseball young boy is wearing the jersey hat and wears hat", "a baseball player holds a bat over his head", "the boy in the cap has a baseball bat", "baseball player posing for a picture by portrait photographer", "a young baseball player is holding a baseball bat", "a teenager with a full body shot, for black and white", "a child in a baseball cap with his hat on", "a boy pose with a baseball bat and cap", "a boy wearing a hat, baseball cap and standing on a dark floor", "a young male poses holding a baseball and a baseball bat", "a young boy with his baseball bat leaning against his face", "a child holding a baseball bat in his hands", "a black and white photograph of a baseball player", "a young man with a baseball bat in black and white", "a young teenage baseball player wearing a cap and baseball cap", "a man holding a baseball bat next to a helmet on", "a baseball player pose with a bat and ball cap"], ["laughing smiles smiling first happy little smiling smiling happy with joy smiling 9 smiling happy laughing", "a boy with a baseball bat, a ball cap and a hat", "at a one a, a a in a little smiles a - in the t", "smiling boy wearing red sox hat, cap and blue jersey vest blue jeans and hat", "a smiling kid in a cap in a hat", "a little boy holding a baseball in front of his mouth", "an adorable little boy, with a boston dog baseball baseball ball bat, eating food", "the boy is holding a catcher's mitt", "a boy laying and smiling wearing a black hat holding a baseball bat", "a young boy in a cap playing on the grass", "a smiling child holding a baseball bat and smiling", "a funny kid smiles for a picture and a baseball bat is behind him", "a boy laughing and holding a baseball bat", "of a boy with a baseball hat has blue batting gloves", "in boy a smiling smile a boy little little smiling boy smiling smiling smiles smiling his", "a boy with a hat smiling while holding a baseball bat", "small boy dressed in a baseball hat and holding a bat", "a little boy wearing a cap giving the thumbs up", "a little boy sitting on the ground of wearing a baseball uniform", "a young boy smiling wearing a baseball cap, cap and a cap on", "child a a a a smiling in boy laughing on a smiling he smiling the laughing", "smiling little excited red sox fan kid with boston cap smiles", "a boy sitting in the grass holding a baseball bat and a bat", "a child in a cap is sitting in it's baseball hat", "a portrait of a young boy holding a baseball bat with the helmet and cap in", "a laughing child is wearing a baseball hat", "a small child with a baseball cap that is holding a bat", "smiling toddler with ball cap feeding something", "a boy smiling while holding a baseball bat", "a young boy sitting on top of a baseball field smiling", "a young boy kneeling down wearing a cap", "smiling child in a cap and cap holds a baseball cap while standing with outstretched arms", "a boy wearing a hat sitting on the ground", "boy holding baseball baseball cap in red sox hat and red hat", "a boy wearing a hat and holding onto a baseball hat", "the young boy is happy with the flower next to his bat", "a child is out in the grass wearing a boston baseball cap", "a young boy in shoes wearing a cap with baseball and bat in the grass", "a little boy that is wearing a cap and holding a baseball bat", "a smiling boy in hats stands in the grass in baseball cap and smiling", "a boy sitting on the ground wearing a hat", "boy, the boy the age in smiling a smiling smiling is smiling smiling smiling t", "his wearing a red a a boy wearing smiling the baseball and a wearing a a", "a young boy smiling holding a danonin bean in his mouth smiling", "a young boy wearing a hat and a baseball hat", "a boy in a boston red sox hat sitting on the ground eating flowers", "a boy wearing a cap, a hat, baseball uniform, and a catchers", "a boy sitting holding a bat while posing for the camera", "boy has baseball glove and cap on and laughs while holding a bat", "a young boy wearing a hat with a fun smile", "a young boy is laying on the grass with a baseball bat", "a a a the a playing a a the a a a a the his a", "a young boy sits on the ground in a hat and a baseball cap", "a young boy in a hat and cap laughing happily", "the the a baseball a boy a in a a a a a baseball little a", "a smiling baseball player holds up his big tooth", "to the the is cap, boy smiling smile baseball smiling t with wearing smiling,", "a young boy in a cap smiling at the camera with a baseball bat", "a small child is playing with a baseball hat", "a child with a baseball glove and a cap on is playing baseball", "a small boy with a hat staring around", "a boy holding a donut and smiling", "batter a boy a child young todd child the boys boy kid todd boy baseball -", "a small boy holding a bat next to a red bat", "a boy in a baseball cap wears a cap", "the small child all smiles while sitting while wearing a cap", "young happy boy wearing a hat holding a baseball glove", "a boy in a little league cap holding a dandelion and a flower", "a boy in black baseball cap eating a flower and blowing", "a little boy holding a baseball bat wearing a hat", "a little boy in a baseball hat in the grass", "sitting sitting sitting a child butter in a in - playing the sitting sitting sitting boy", "this is a little boy wearing a cap holding a baseball bat", "a young boy in cowboy hat sitting on the ground, with a baseball ball up", "a little red sox boy holding a baseball bat wearing a hat and a hat", "a cap young boy wearing a baseball hat in photo", "smiles happy the a smiling with the boy boy wearing, a smiles boston smiling laughing", "a young, smiling wearing a red t - shirt, holding a baseball bat and", "a toddler smiles while he holds his bat and baseball cap", "a smiling little boy in a cap and wearing baseball cap", "a young boy boy smiling after eating a flower", "a little boy eating in the park picking the spring flower", "smiling baby wearing a black baseball cap, wearing a baseball hat", "a black cap and cap a red sox kid baseball ball caps", "little boy sitting with doughnut and a red bat", "a young boy in a red shirt is holding a baseball hat", "a young male in a baseball hat is laughing", "a young boy is sitting with a baseball bat", "a young boy wearing a cap smiles wearing a baseball cap", "baseball outfielder laying next to bat and ball, wearing baseball cap, smiling at camera", "a child with a hat on holding a baseball bat", "a boy playing baseball smiling and wearing baseball uniform hat", "a cute young boy in a black hat wearing a indians baseball cap", "a smiling boy smiling with baseball glove and bat in the air", "the boy sits on the grass holding dandeli", "a baby boy in a maroon hat wearing a hat cover", "a boy in a hat from a boy with big smile", "a boy wearing a new york red sox cap eating a hot dog", "a boy wearing a black hat on his baseball cap and baseball cap with a cap", "the little boy is smiling and holding a flower in his hand"], ["a man swinging at a ball while playing tennis", "tennis tennis the tennis tennis back tennis tennis tennis tennis tennis a is tennis tennis tennis", "a tennis man hitting at a ball with a yellow shirt", "on a a this man on a a black a there men tennis people looking tennis", "a tennis player is watching tennis ball and neon yellow hat, before the game is", "a man is swinging at a ball hitting at a tennis ball", "a man is about to return a backhand in a tennis match", "a man wearing a black hat has his hand in the air when to hit another", "a young man is ready to hit a tennis ball", "man returning a tennis ball to a tennis ball on other hand", "a male tennis player playing in a tennis match", "a man in a black shirt with a racket at a tennis court", "a person swinging at a tennis ball with a tennis ball behind a person hitting it", "man getting with a player jumping tennis is tennis his umpire hitting tennis a the umpire", "a man is playing tennis on a court", "tennis ball is being a game with a tennis ball being hitting as the tennis ball", "a tennis ball bouncing is in a ball and volley ball", "a man in white shirt serving a tennis player on court", "a guy with a headphone swings a tennis racket", "the man appears to be watching the tennis ball just before close,", "a man wearing white and black is wearing tennis clothing", "a tennis player in bright white clothes hits the ball", "a tennis player hitting the ball with yellow hat on his head", "at tennis people spectators on tennis man tennis tennis some a a young a man on", "a tennis player wearing a tennis cap hits a serve", "a tennis ball being fired up at a ball with a tennis ball in the background", "a man swinging a tennis rackie on a tennis court", "tennis player serving and ball hitting", "a man that is jumping to hit a ball", "tennis man tennis umpire tennis tennis tennis on on playing batter tennis tennis tennis tennis playing", "a man in cap and white shorts is holding up his tennis racket", "a tennis player returning the volley during a tennis match", "a man holds up one hand on a tennis court", "a man swinging a tennis tennis racket on a tennis court", "a racket player gets to hit a ball", "people sit on the side of the house watching a man who is playing tennis", "a man standing on one foot playing tennis", "a man leans to hit a tennis ball with his racket", "a tennis player hits the ball with a backhand", "one tennis ball in the air catching a return", "a man swinging at a tennis ball while a ball is in the background", "a man in a uniform on a tennis court", "a tennis ball is about to hit the ball in this closehandhand", "a man taking a swing at a ball", "a tennis player is making ready to hit a tennis ball", "a tennis player preparing to prepare to hit a ball", "a young man holding a tennis racquet on a tennis court", "a tennis player about to swung at a tennis ball", "man using a tennis raquet swing with a tennis ball hitting him in the air", "several people are playing tennis in a field", "a man is swinging to serve the ball and tennis tennis", "a man holding a tennis racquet on a tennis court wearing white outfit", "young man leaping to catch the ball during the game", "tennis tennis tennis yellow players tennis tennis tennis tennis ball tennis ball green tennis tennis tennis", "a young man gets ready to serve a tennis ball", "a guy with a tennis ball on the tennis court", "man with ball and ball ball on tennis court", "tennis ball bouncing at a good ball, as ball is in tennis ball on his", "a man wearing head caps tennis hits a tennis ball", "a man serving the ball during a match tennis", "a man wearing white pants playing tennis with a male in a crowd", "a man on a tennis court playing tennis", "a tennis ball is bouncing a ball with lime ball and ball and a tennis ball", "a tennis a baseball the fr being, people jumping serving the tennis people a serve", "a man standing on a tennis court holding a racquet", "a man who is trying to hit a tennis ball", "tennis tennis balls balls tennis tennis tennis tennis tennis playing tennis tennis tennis tennis yellow tennis", "there is a tennis player and an umpire at a professional match", "a man swinging a tennis racket at a ball on a court", "a tennis player in white shorts and yellow hat on a court", "tennis player wearing wi white white short and white shorts has just ready to serve a", "the man is playing tennis in the white shirt and yellow and yellow hat", "a young man swinging his tennis racket at a ball with a bouncing ball", "a man with hat on getting to serve a tennis ball", "a man playing tennis with green hitting ball and racleich ball", "a man on a court ball tennis team hitting an ball", "tennis a at play rack tennis tennis player tennis in tennis on professional hitter tennis tennis", "tennis player preparing to catch ball backballs", "a tennis player is waiting for the incoming ball", "a tennis player prepares to serve to a tennis ball", "a young player serves a background ball over him as a ballstrike approaches", "two young men sitting on a bench overlooking the tennis court", "tennis player in a white outfit is swinging at the tennis ball", "tennis player taking a forehand on the court", "tennis man he man tennis tennis back player serving tennis a man tennis a tennis a", "a man in white and white plays tennis", "a tennis player in white on a tennis court", "guy in action on a tennis court while a secondhand hits the ball", "a man in white shorts holding a tennis racket", "a man hitting a ball and a tennis ball that is just flying", "a man in white uniforms holding up a racket and throwing at a ball", "a guy playing tennis on the court about to return the pitch", "there is a ball and some tennis balls that are just tennis", "a guy jumping up to return a tennis pitch", "a tennis player on the tennis court playing at the tennis court", "a man stands, in a yellow helmet, in front of a crowd", "a man is playing tennis on court at the tournament", "a tennis player is playing tennis with a tennis ball, two tennis balls, and", "a man preparing to return the serve during a tennis match", "a man is standing and hitting tennis ball and hitting tennis back to a ball"], ["woman in a orange ball cap wearing a orange orange baseball cap is standing close to", "a woman wearing an orange hat looking at her cell phone", "a a and young a lady two a at a a woman woman a a a", "a girl standing in the grass with a frisbee", "a young man wearing an orange hat is being helps a woman to stand up", "baseball a hat a cap baseball baseball orange orange hat baseball a orange orange orange,", "girl hats girl redhead two the while orange orange girls girl woman babe the and women", "a woman in an orange hat a woman with a orange cap and a red hat", "a woman wearing tennis shoes is standing in a group of people", "woman standing in the process of throwing a frisbee", "young people are standing in the grass standing", "a woman wearing a baseball hat and a hat and a ball cap", "a lady in shorts and big shorts posing bootless", "girl in the park talking on her phone", "hot denim jean boot girl denim short denim lady in in cut a high shorts girl", "a woman wearing baseball cap with a low orange visor sitting on a field of", "girl woman girl woman young woman women woman butt girl in lady low short jean low", "a woman standing on a folding chair with a guy standing by him with a fr", "a man standing next to a woman wearing shorts", "a a to orange a hat a is a hat orange hat a a the baseball", "a woman walk butt woman - a a back low girl woman woman walking standing barefoot", "a guy talking talking talking a a two a on fire a a on in fire", "a lady standing outdoors wearing a red hat", "woman and person having love in hat", "two people who are standing up in the back", "a in a shorts butt young people butt ladies and woman hot butt a an woman", "orange cap is and cap outside cap walking back back wearing getting getting and cap with", "an older man leaning over a young woman", "a girl wearing a baseball cap, hat and a cap is standing", "a woman wearing a hat and a baseball cap", "woman wearing orange hat hat and hat cap with a man in red cap", "a woman walks with red ball hat and orange cap a baseball orange ball cap is", "a women with a ball cap and two hats playing video games", "a young lady wearing denim shorts and a cap looks at a person walking in a", "the back view of a hot girl wear shorts shorts on a", "a man in a cap and a hat playing ball", "of a a is a a a girl an orange a a a red redhead a", "women sitting on a bench facing a man holding a white frootisby", "woman with baseball hat and cap is playing video games under a cap", "woman in denim shorts and an orange hat takes a photo of the two people wearing", "a hat, baseball hat, and other shorts on a green field", "a woman standing next to a woman in hat", "a woman standing in a park with her back to a man", "an image of some people in the sun together", "a woman holding up a baseball hat with a cap on and a hat on", "the young girl gets with hat and a man watching a kite", "an woman woman girl a player playing playing a with in a nintendo hot baseball,", "the man are wearing a orange hat and a orange baseball hat", "cap hat cap hat face a red hat caps girl and hat cap hat hat in", "a woman women high woman top red woman a woman shorts female low woman back low", "a woman and a boy wearing black and red on top of a field looking back", "a woman wearing a hat is putting a hat on his hat", "a young woman sitting on a blue suitcase while an older man puts his hat on", "a man in a baseball cap and a woman wearing denim shorts and adidass", "woman wearing ass - sized jeans and a hat playing frt game", "a woman on a baseball hat standing back in the park", "butt walking sexy walk butt panties underwear high bottom butt women naked young back shorts legs", "one boy walking are woman walking orange a is a man woman people people a talking", "a woman in an orange cap in a yard chair with no pants", "woman in jean shorts and baseball cap with orange cap in orange hat, red baseball", "a woman in a cardinal orange hat and man who dressed cap wears a baseball cap", "a woman holding a bat wearing an orange and orange baseball cap", "a young woman in shorts and a red hat is showing his panties on", "a women with red cap talking to her back while talking on phones", "woman at a frisbee competition being thrown", "a woman is wearing short shorts and a hat in the foreground", "a person is sitting, in the image he has an orange hat, a red", "a woman wearing shorts and jean shorts is standing next to a male sitting in the", "shorts in shorts lady lady wearing butt girl plays orange sitting young a standing in lady", "a woman in the cap is wearing a cap and a hat on with a man", "a a - two hat orange orange girl cap a a outside two a the colorful", "female a woman - an young woman as back a women a young women hat on", "young a girls and two girls wearing being denim a, girl girl jean girl shorts", "the girl wearing shorts shorts is back and wearing a baseball hat and red cap", "a woman wearing a hat and some red sneakers", "a woman in a baseball hat is wearing an orange hat", "there is a man walking in the field", "young woman - naked back high shorts a wearing hot cap wearing a cap a in", "young woman wearing hat a hat a back a a in baseball legs red a orange", "kite to a - a man a a holding an hat boy is he orange and", "a man hat orange a a redhead woman a standing orange woman in man hat in", "a girl jean shorts denim denim denim girl shorts short denim jeans denim shorts a denim", "a couple of people are sitting in a grassy park setting", "looking a a cap a orange wearing the red a women wearing woman woman a girl", "the tennis player stands near a young tennis player in an orange cap", "a woman wearing orange hat while putting in a orange hat and a baseball hat,", "a very a woman on a vacation in a hat and a hat", "couple lady friends female with a a female, a women a guy girl people woman", "a lady in a hat and a man wearing a red cap and a ball cap", "a woman wearing a hat orange hat shorts and a red hat on a baseball cap", "a couple of ladies in red and hats on some table", "the orange a woman on a an orange orange orange the orange orange orange watching a", "a woman in short shorts is wearing shorts and an orange hat", "a man and woman walking through the park in hats and shorts", "a woman wearing a hat is playing with a frisbee", "a female in a hat at a stadium with a baseball cap", "the man and woman with a tennis ball wearing colored clothes", "baseball man a an cap baseball young cap man baseball dad red young man hat boy", "a woman with a hat is showing her shaved body", "a woman with a baseball cap and a cap is playing a game with controllers"], ["a black and white photo of a boys skate board", "a couple skateboarders in a park performing a trick", "a skateboarder does tricks while balancing on his skateboard", "a skateboarder in a hoodie jumping through the air", "a man doing tricks off the ground while someone skatesboard", "a man performing tricks on a skateboard on the sidewalk", "a young man riding a skateboard in front of several sitting guys", "young skateboarder performing tricks in a city setting", "a person on a skateboard in the air", "man does the hand ride on his skateboard", "a man doing a skate board trick doing a jump doing skateboard air", "a teenager, a skateboarder, and a kid watch him perform tricks", "a boy jumping out of the air on a skateboard", "a guy in a hat jumps in the air", "there are people that are skateboarding in the photo", "black and white photo of a boy dressed in a hat and a hat", "a guy on a skate board at the end of a long jump", "a boy with hat doing trick on a skateboard", "a man in the air falling down on a skateboard", "a man on a skateboard in the air next to people", "a young man is doing a skateboard trick", "a man on ramp balancing a skateboard while doing a trick", "man diving for joy during summer in a park", "a man flying through the air wearing a hoodie", "four boys skate boarding skateboard in the skate skateboard park", "skate jumping skate skate in skate jumping the doing jumping jumping skating skater a doing skate", "a guy doing a skateboard trick and airborne jumps on a skateboard", "a man jumping up in the air while riding his skateboard", "man jumping mid - air on skateboard in skateboard park", "a young man doing a trick on the skateboard", "a man performing skateboard and is skateboarding", "a skateboarder doing a trick at a park", "a person is skating on the street while another man is skateboarding", "skateboarder having trouble at a park in new york", "a man riding a skateboard while people skateboard", "young male on a skateboard is doing an trick", "a black and white image of a skateboarder doing tricks", "in black skate skate skate in skate black, skate skate by skate skate skate skate", "a man going up into mid air on a skateboard", "a skateboarder looks down at a skateboarder lying on the street while", "teenage boy riding skateboard, his hands out", "a guy jumping in the air holding his skateboard up", "boys in guy skate black skate skate skate skate skate in black skate black skate on", "young man doing a trick on his skateboard in mid air with another skateboard", "a little boy doing a trick on a skate board", "skateboarder doing a trick at the park during a skateboard session", "a man skate boarding on a skate board at a skate park", "a man riding a skate board on a road", "a person jumping with a skate board going down a road", "a man flipping while he skate skateboard", "dude skateboarding in the central area, but the skateboarder can't", "a man standing next to a skateboard with two men standing nearby", "young skateboarder in midair as he skates", "a person does a skateboard trick while a group watches", "a man on the street doing a trick on a skate board", "a young man riding a skateboard in the park", "a young man riding a skateboard next to a man on a street", "skate skate skate boy skate skate skate skate skate teenager skate skate skate skate with skate", "a guy doing a trick on his skateboard", "a man jumps after his skateboard at the park", "a man skateboards while another is looking behind him", "a skateboarder performing skateboard trick while another skateboarder watches", "a skateboarder is doing tricks on a skate board", "a young man is mid air riding his skateboard while others look on", "a black and white photo of some people next to skate boards", "a young boy doing a trick with his skateboard", "two guys sitting down by one with a skateboard", "a skateboarder watching another man wait for a skateboard", "a young guy jumping to air with skateboard on street", "man wearing earphones skateboarding while two people watch him", "a boy that is flipping in the air", "- skate young skate black jumping a teenager flying skate skate doing skate the in a", "young skateboarder doing a skateboard air jump jumping for the skate board", "a skate boarder flips down before being watched by others", "a person on the street riding a skateboard", "a boy performing a trick on a skateboard", "a boy jumping into the air on his skateboard performing a jump", "a guy that is flying in the air with a skateboard", "a skateboarder is performing a trick on his board", "skate boarder jumps low down on the streets edge", "black black black skate the one skate black black black skate skate skate skaters and skate", "a young guy does a skateboard trick on a sidewalk", "a man in the air and three men riding skateboards", "a young man performing tricks on a skateboard", "a skateboarder jumping over a skate park doing a trick", "skateboarder doing a flip with another man in the background", "a boy leaping in the air over a skateboard", "a black skateboarder jumping a skateboard skate board", "there is a man riding on the skateboard", "a man jumping in the air with a dog next to him", "man that is doing a trick over a street with his fist", "a skateboarder performing flip on a street in an urban city", "teenage performing a skateboard trick in black and white", "guy skateboards in the street in a white sweatshirt and beanie", "a man is doing tricks on a skateboard next to a skateboarder", "a guy on a skateboard doing some tricks", "jumping skate doing a skate in skate doing skate skate jumping skate skate skate skate while", "skateboarding guy, the first skateboarder to perform aerial skateboard trick", "a young man is trying to skateboard while two others are sitting down", "the boy is flying with one of his hands in the air"]]}, {"question_id": 1093540, "question": "Is it true that no girls with gray fence behind them are wearing a blue shirt?", "answer": "no", "captions": [["a young man is playing tennis on a day", "a man playing tennis reach to serve the ball", "a male tennis player waving while holding tennis raquet", "a man shirt is blue shirt blue blue blue posing blue blue blue blue t shirt", "a man holds a tennis racket around his waist", "a on blue a blue court man blue blue a blue blue blue polo blue a", "blue blue and blue shirt with two blue court tee royal jersey and tennis shirt in", "man - blue blue a blue blue guy blue tennis tennis blue blue blue men men", "a man in a tennis clothes playing tennis", "a man standing on a tennis court with a sign in the background", "a man wearing a blue and blue uniform poses for the camera", "a man standing on a tennis tennis court looking at the sign on a tennis court", "a man swinging a tennis racquet on a court", "man on tennis court with ball in air wearing shirt", "a person in blue and blue throwing his arms", "a man wearing blue and blue shirt shirt", "a person swinging a tennis racket on a court", "young man standing in front of fence holding racket", "a man arm up to catch the bird", "a male tennis player in a blue polo shirt serving", "a man stands in front of a fence with chain - link fencing across it", "a man on a tennis court waiting to hit the ball", "a professional blue shirt and blue shirt swings a tennis racket", "a man reaching up on a tennis court", "a person with a blue shirt and a hat playing tennis", "a man in a blue shirt holding a tennis racquet", "a sign against a fence and a green fence with the date", "a man that is on a tennis court", "a man with blue shirts reaching in air for a ball", "a man in a fenced in area with a tennis racket", "a young man in a blue shirt is holding tennis racquets", "blue jersey and blue pants with the number 29 ninety nine", "a person on a tennis court reaching the backhand to strike a ball", "a man with beard smiling on a fence in front of a fence", "a fence and tennis courts on a hard court", "in leaping tennis tennis serving man in playing, in tennis the a men tennis jumping", "player making mid serve on tennis tennis match", "a man playing tennis outside on a clay court", "tennis player in blue and blue on a court", "a man standing on a tennis court holding a tennis racquet", "a man standing in front of a fence holding a tennis racket", "a man on a court holding a tennis racket", "wearing blue blue player in tennis the polo a guy blue blue blue player blue court", "a tennis player on a tennis tennis tennis court", "a man in the process of dressed up playing tennis", "a man playing tennis throws on the clay court", "a man holding a tennis racket with 909 printed on it", "a man with racquet on the tennis court of 95 99", "a man on a tennis court with a blue and white shirt", "a tennis player serves his tennis with a time 6090", "a male tennis player raising a ball high", "a man is smiling and standing on a tennis court", "a man on the court swinging a racket", "a man holding a tennis racquet and arms up in the air, in", "a male tennis player is jumping in the air to reach the tennis ball", "a man in black clothes playing a game of tennis", "a white toilet sitting on a red dirt field", "a young man plays the 95 90s with gloves in front of an air blower", "a man holding his arms up on a tennis court", "a man on a court with a tennis racket", "a man on a court tennis shirt playing a game of tennis", "a person wearing, blue and blue, and a blue t - shirt", "a man raises his arms to high serve in a play", "a man is standing with a tennis racket near the fence", "a man in a blue sleeve playing tennis on a tennis court", "a man wearing a blue top holds his glove up", "a professional tennis play at a court on a sunny day", "a man raises his hand, in the air, to hit a ball and a", "tennis - a tennis man serves tennishand tennis is swinging tennishand prepares serve tennis", "tennis player playing tennis on a court surrounded by a hedge", "a man standing between two green fence", "one man sits on the dirt with one hand and holds his knee, while others", "this is a man cheering outside in the day", "a man playing tennis on a tennis court in front of a fence", "a man in blue and white outfit standing on tennis court", "a man with a beard on tennis court looking into something", "a man reaches up in prayer near a fence", "man throwing out a frisbee in the outdoors fence", "a man in a blue shirt and a blue jersey holding a tennis racquet", "a baseball player in a number 999 shirt", "tennis player looking at tennis ball in air", "a young man has his arm raised in salute", "tennis - tennis a tennis and tennis getting tennis tennis on number tennis serve - tennis", "a man playing tennis in front of a fence and green bushes", "green fence behind a chain link fence with a green wall", "there is a man playing tennis on the tennis court", "a tennis player raises above his arm to help a serve", "a man holding a tennis racquet that is on a court", "a tennis player holding stance while hitting a foreground", "a man reaching his arms up in the air", "the basketball player has a high serve on his tennis court", "tennis a a beard a the tennis a man on the in with - he while", "a man playing tennis on a dirt court with a chain link fence and a chain", "a male tennis player playing up to serve", "man tennis tennis tennis tennis shirt tennis tennis player blue tennis men umpire uniform tennis blue", "man wearing a blue blue and blue shirt", "a man playing tennis in front of a blue banner", "a tennis player stretching up at the game", "a man wearing a shirt is in mid - air over blue and white", "playing 99 98 99 69 95 99 a player 99 99 99 99 99 93 ping"], ["a young person standing on a baseball field", "a girl at home bat wearing a blue shirt", "young woman holding a baseball bat near a building", "a woman standing in front of a door wearing blue and white", "a boy is holding a baseball bat and standing at home plate", "the young girl is ready to do the swing with a baseball bat", "a woman holding a bat over her mouth", "a woman standing by a white pole with a baseball bat", "a baseball player holding his bat at a batting practice", "a building has glass doors and a metal pole next to it", "a woman is playing baseball in the daytime", "the young baseball player is preparing to make a hit", "a person in shorts and a baseball uniform posing in front of a fence", "a baseball playing in a baseball field near some doors", "a guy in the image of a baseball jersey for red sox", "a female batter is up to bat during a baseball game", "a baseball player holding a baseball bat near a goal sign", "a female tennis player playing in the tennis court", "woman in blue shirt and white and blue shirt with baseball bat in the air", "a boy holding his home base bat up", "a young man standing in front of the door swinging a baseball bat", "a young woman is getting her swing at a softball", "a baseball player with a bat up for the batter", "a young lady is posing alone leaning on a pole", "a woman holding onto a baseball on the side of a ball field", "a young lady posing with a black baseball bat", "a young man standing outside with a baseball bat", "the black baseball bat lies ready for the next pitch", "a woman with a necklace standing in front of a brick building", "a person holding a baseball bat on a field", "a baseball player getting ready to hit the ball over the base line", "a girl hits a baseball with a bat in her hand", "there is a girl going to get playing softball", "a woman is preparing to play a baseball game", "a woman in women's baseball jersey throwing a bat", "a young woman waiting in line at the ball park", "a woman with a baseball catchers mitt on a field", "a woman standing in the out end of a base practicing swinging hand swing", "a female athletes softball player standing at bat", "a woman is up to bat for a number 10", "a youth batter in a baseball game in the park", "a girl is getting ready to hit a baseball with her bat", "a woman standing by a gate a fence", "a girl has just hit the baseball while holding the bat up in the air", "a young girl with a t - shirt on swings her bat", "girl, this is a boy leaning outside a window", "the woman is playing softball wearing blue clothes", "a close up of an individual with a woman standing at the base", "a woman is standing in front of a door", "women a uniform softball woman a swing on getting softball a softball base a standing the", "a teenage girl swings a bat on a baseball field", "a woman standing next to a metal pole holding a baseball bat", "a woman that is standing in the dirt", "a female athlete smiles with one on her red jersey", "a girl that is standing in the dirt with a bat", "a male baseball player holds his bats while playing baseball", "a boy in a blue shirt holding a baseball bat and ready to swing at a", "iu on one woman is standing up", "a female person that is up to hit", "a woman swinging a baseball bat at home in swing", "a woman in a white and blue shirt is at bat and hit", "a young lady is on the baseball field", "a lady in blue and white is preparing to catch a ball", "a lady standing in front of a school holding a bat", "a young person standing on a court playing tennis", "a close up of a lady getting ready to hit a ball", "a softball player getting ready to hit the ball with a paddle", "a woman holding a baseball bat next to a brick building", "a woman is wearing a ring and holding a pen", "a girl sitting on a baseball field near the home plate", "a woman that is standing up against a pole", "a woman in blue and red shirt playing softball", "a woman leaning over on top of a metal pole", "a boy swinging a a bat as he swinging", "a baseball player swinging a bat at a ball", "a woman bats her bat against a brick wall", "a young man with a bat standing in a baseball field", "a woman holding a bat during a baseball game", "a young woman is swinging at the pitch with a baseball bat", "a softball player with number up on the front of his number is up", "a beautiful woman holding a tennis racquet in a batting cage", "a woman wearing a white tee shirt and baseball bats wearing a blue sleeved shirt", "a young woman is standing in baseball practice with a racket", "person in uniform holding a bat", "a woman is taking a swing at a baseball", "girl in baseball uniform preparing for the pitch", "a young woman wearing a baseball jersey is on the swings in a game", "a man holding a baseball bat in front of a wall", "women getting softball girl - blonde girls standing the woman blonde blonde youth for the softball", "a woman preparing to hit a softball with a bat", "a girl playing on a baseball field, with a baseball bat in her hand", "young girl softball player wearing a white and blue tee - shirt", "a lady is ready to swing her bat", "a female athlete poses to the plate during a softball game", "a woman in yellow and blue playing baseball", "a baseball player in the red and white shirt on the field", "a woman holding a baseball bat in one hand and wearing a blue shirt", "a woman in shirt and blue shirt sitting in the grass", "a woman in white shirt and blue top holding a bat", "a pretty young lady sitting at base in a batting cage"], ["a man in a plaid shirt standing in front of an elevated building while looking into", "a man with eyeglasses talking on his phone", "a person walking while talking on a phone", "a man in glasses takes a goofy look at something on the street", "the man has glasses on and a tarp plaid shirt", "a man wears glasses and frowning looking at something", "hone a and on a cell mobile holding talking making talking phone cell phone on a", "a man talks on his cellphone while wearing glasses", "man with a sad expression on his face holding his head in his hand", "a person with glasses and a blue shirt and a shirt", "a man on a cell phone standing outside", "a young man with a broken eye is talking on a cell phone", "the person rides on a truck behind a man in a plaid shirt", "a man talking on a phone while he near a closed fence", "a man on the sidewalk is staring at something", "a man talking on a cell phone on a cell phone", "a man at a gas station crying in front of a waiting toll", "a man with a eye clear glasses wearing glasses", "a man wearing eyeglasses looking at his phone", "man is the the - - is making talking being a being he talking eye looking", "a man with dark hair and glasses talks on the telephone", "a man wearing a check shirt holding his hand on his hip and looking down at", "a person with glasses standing outside of a station", "a man standing in front of a white background", "man walking to see bus stop at the bus station", "a man talking on his cell phone while standing in front of a bus", "a man wearing glasses eye glasses while waiting for a bus", "a man who is making a funny face in front of orange net mesh", "man in glasses looks at the camera while in eyeglasses", "a man in plaid shirt carrying a large load of food", "a man with round spectacle glasses in a checked shirt", "a man is standing on the sidewalk on his cell phone", "a boy talks on cell phone near a large structure", "the man is wearing glasses as he cries and is waiting at a gas station", "a man in glasses talking on his cellphone in an empty road", "a young man walks outside during the day", "a man is crying wearing glasses on the bus", "a man talking on a cell phone over an apple watch device", "a guy looking confused with the one eyes", "a man wearing a button down shirt while standing on a street", "a man in a tartan shirt holding up a cell phone to his ear and", "a man on his cell phone next to a bus", "a male is walking down the street near a bus stop", "a man is looking at his cell", "a man in glasses is making a face with his phone", "this is a picture of a person talking on their cell phone", "a man stands talking on his cell phone by a construction fence", "a man wearing glasses talking on a cell phone", "a guy talking on his cell phone looking away", "a closeup of a person talking on a cell phone", "a man with glasses talking on his cell phone", "a man talking on a cellphone near a fence with a red barriers", "a businessman wearing glasses talks on his cell phone", "a man carrying his baggage in a bus station", "a man who just had a big surprise in the open house", "a man in a plaid shirt stops at a cross road", "a man trying to unleam in a gas station", "a man wearing a pair of glasses waits for his bus", "a man sitting outside talking on the phone", "a man is standing on the sidewalk talking on his phone", "a man is wearing a jacket with a plaid shirt", "a man with glasses on talking on a phone", "a man with glasses, a plaid shirt and checked shirt talking on a cell phone", "a man standing under a blue sky near a blue bird", "a looking wearing looking glasses glasses glasses glasses glasses eye glasses eye wearing glasses wearing a", "a man on the phone by a orange gate", "man wearing glasses and glasses looking angry with eyeglasses on his face", "a man taking a break at a truck stop", "a young man with glasses is talking on a cell phone", "a man talking on a phone standing outside a building", "a man in shirt walking on street with a large city building in the background", "a person on a phone with glasses on", "a man in glasses is frowning on the street", "a man is talking on the phone outside", "a man in glasses standing in front of red scaffes", "a young man who is face tears while he holds his eyes open", "a bearded man with a beard is looking at the camera", "a man holding a cell phone and frowning up looking confused", "a man is standing near a fence while wearing sunglasses", "a man talking on a phone while going down a street", "a man in glasses is walking on a sidewalk", "a man with glasses near bus by the bus stop", "a man that is on a sidewalk in the daytime", "a man looks in the face", "a man walking on at a corner near a construction netting", "a man on a cell phone by a subway station", "a man in plaid dress shirt sitting by metal fence", "a man holding a cell phone in his paws", "a man talking on his cell phone while wearing glasses", "a man that is standing in the street", "a man in plaid shirt and black jacket posing in front of a blue and white", "a man wearing glasses at a microphone, wearing glasses", "a boy is making a big surprise as he talks on the phone", "a very sad man is making a face on his phone", "a stylish guy in glasses standing on the street", "a man with blue plaid shirt stands at a red mesh barrier", "a man on the phone in a street near a construction area", "a person wearing eye glasses talking on a cell phone", "a man is standing at the transit level", "man looking sad while wearing jeans outside in the day"], ["a boy is doing a skateboarding trick in the middle of the air", "a man on a skateboard wearing black shirt", "a man on a skateboard does a trick off of the top of a small", "a man standing in a skateboard park for skating", "a male in a blue shirt and a black shirt on a skate park", "the skate boarder is doing a trick with his skateboard", "a boy doing tricks on a skateboard in a skate park next to a man", "a guy wearing a black shirt and blue shirt has his leg up for a skate", "a man is trying a skateboarder next to a fence", "i skateboarder performing a leap in a skate park", "two men doing skateboarding tricks together while another man looks down", "a person on a skate board that is in a skatepark", "skate skate skate jumping skate skate skate skate jumping skate airborne skate skate skate skater skate", "the young man in the shirt is doing tricks on his skate board", "a young skater has his skateboard down at the skate boarding area", "a guy skating on top of a cement block", "a teenager riding a skateboard while a skateboarder waits behind a fence", "skate doing skate skate skate skate skate skating skate skate skate t skate skate skate skating", "a man flying through the air while riding a skate board", "a person in black is in the air on a skate board", "a skateboarder and another skateboarder skating down a ramp", "skate skate skate skate skate skate jumping jumping skate skate skate skate skate in skate skate", "a picture from a black shirt and dark t - shirt that is wearing a skate", "boys at a skate park at the park", "a man on a skateboard doing a trick on a ramp", "jump air man skate skate skate jump skate a skate ramp skate skate skate skate jump", "the boys are skating at a skateboard park", "an image of a guy doing trick on a skate board", "a young man riding up the side of a ramp on a skateboard", "a skateboarder doing a trick on a ramp", "a man performs a skateboarding trick above a stair", "a boy holding his head at the top of his skateboard ramp", "a man riding a skateboard over a metal hand rail", "a male in a blue shirt is on a skateboard", "a skateboarder in a t - shirt and jeans is jumping over while doing", "a young man is in the air on a skateboard", "a skateboarder does a trick in the air over a railing", "a skateboard ramp at a skate park", "a guy on a skateboard at a skate board park", "a man wearing a blue t - shirt is doing a skateboard trick", "a skateboarder performs a trick in the air inside a skate park", "a skateboarding doing tricks at a skate park", "skate skate skate and ramp and a skate ramp skate skate skate cement ramp ramp ramp", "skateboarder performing tricks on half pipe while skate boarding at park", "a couple of men doing tricks riding skateboards", "a boy jumping a skate board at a skate park", "jumping skate a skate doing doing skate doing skate with jump boy jumping skate - skate", "skate boarder skateboarding as a skateboarding stunt while a fence behind", "a skateboarder has his hand thrown in the air", "a skating jumping teen skate skate skate skate skate flying jumping skate a skate skate fence", "a skateboarder being dunk flip for the next trick", "teen skate ramp and the shirt doing skate skate men at boys skate skate skate skate", "a young boy doing a trick on a skateboard at the park", "a man in a black shirt and jeans jumping into the air", "two men play at a skate park in the wild", "skateboarder soaring outside of a jump before the skateboarder does a trick", "skater in air at skate park skate board park with two people on it", "two guys are in a skate park playing", "a guy is skate skating and doing a trick", "a skateboarder makes a jump in the air above another skater", "a man riding a skateboard by a fence", "a boy performs a air - skateboarding in a skate park", "a male skateboarder at a skate park performing tricks", "a skate boarder in a air doing a jump", "a young skateboarder performing at an outdoor skate park", "a boy on a skateboard mid aerial and doing the trick", "a man in the air on a skate board in front of a city", "a young boy in black shirt skateboarding over rail railing", "a man riding on a skate board near a railing", "men jumping in air on a skate board in a skate park", "a man rides a skateboard up the ramp as another looks on with his head", "a man with a skateboard at a park", "skate a black - in a the skate skate skate skating skate skating a skate ramp", "a young man riding a skateboard on a cement ramp", "a skate boy does a trick trick on a skateboard", "a guy jumping up in the air on a skateboard", "jumping jump skate high jumping skate high air the skate skate leaping man skate skate skate", "the young man is up on his skateboard ramp", "young men performing stunt on skateboard and jumping in air at a skateboarding park", "a guy doing a trick in a skate park", "a person doing a skate board jumping with a skateboard", "the skateboarder is jumping over a rail while the person is skateboarding", "a skateboarder is doing a skateboard trick at skate park", "a man doing a stunt on his skateboard on a ramp", "a male skateboarder is seen at the top of a ramp", "man riding a skateboard at the edge of a railing", "a man is in his home town at a skate park", "a young man on a skateboard performing a trick in a half pipe", "a person doing a jump on a skateboard", "a skateboarder and a young adult skater at the skate park", "a man that is skateboards in the air", "a skate boarder has his skateboard on display", "skating and a kid skate skate kid skate trick air skate ramp skate performing skate skate", "a skateboarder and boy on a skate ramp and a fence", "a jumping skateboarder in the air over his skateboard", "skate skate skate skate skate skate skate a skate skating skate skate skate skate skate t", "the man is in the air riding his skateboard", "man jumping on his skateboard at skate park", "a male skateboarder does a jump at the skate park", "jumping skater skate skate skate skate skate skate high high airborne skate skate skate jumping jumping"], ["a person with a glass of wine on a bench", "a man with curly hair and a blue shirt holding a wine glass", "sitting black balcony balcony blue sky railing steel deck metal a railing railing balcony grill the", "a man that is standing in front of a railing and a balcony", "a man is drinking a glass of water outside", "a man drinking from a glass while sitting on a table", "boy in a blue shirt sitting alone on a balcony balcony and taking a photo", "a man in a shirt sits on a bench", "a man is drinking from a glass in a green field", "a man drinking out of a wine glass while drinking wine", "a man is holding a wine glass up in the air behind a grill iron fence", "a man in a blue shirt standing near iron railing", "bar railing fence balcony tasting a mountain tasting vineyard wine railing tasting vineyard railing balcony glass", "a person in a shirt sits in a chair drinking a glass of water", "the wines is drinking a drinking brew tasting drinking and drinking pouring drinking drinking glass vineyard", "a man taking a nap with a scenic view behind him", "a man is tasting with a bunch of wine glasses and drinking while enjoying a glass", "a man sitting near a metal fence and drinking a wine glass", "a man in striped blue shirt and sunglasses", "a man sitting on a stair rail drinking some wine", "a close up of a balcony with metal bars and railingting", "a guy drinks clear wine while sitting on a balcony rail railing", "man tasting over a balcony on a balcony", "on man with looking railing, fencing balcony outside men overlook railing men a below his", "a man is leaning with his head on his shoulders", "a man is sitting on a bench in front of a balcony", "holding tasting wine drinking on metal a looking vineyards railing view on mountain vin iron balcony", "a man cling up to drink wine with a glass", "a man in a blue shirt drinking from two wine glasses", "a person in blue shirt on a balcony with mountain view", "vineyard sipping drinking drinking tasting railing wine tasting iron wine being vineyards wine drinking tasting balcony", "a picture of a person who is drinking a glass of wine", "a person in the wine pouring clear wine into a glass", "a man drinks from a wine glass in the face", "with vineyard rails bars balcony view balcony wine wooden wine glass wine window rail overlook tasting", "a man making a silly expression in his shirt", "a man drinking from a glass of wine on a balcony", "a man drinking from a wine glass on his outdoor balcony", "a man tasting bubbles above his head from a wine glass", "a man sits on a balcony drinking wine while holding three glasses of wine", "a man drinking from a wine glass with trees in the background", "a middle aged man drinking from a bottle", "with tasting drinking drinking rail holding wrought black is drinking bar railing rail the iron vineyards", "a man standing in front of a metal fence using a glass", "a male in a blue shirt drinking some water", "a man stands looking out on an open hilly hillscape", "a man drinking from a glass of wine on a railing", "a man drinks a glass of wine on an outdoor deck", "a man that is sitting down drinking water, outside", "man drinking wine while sitting on metal deck overlooking farm with metal balcony fence", "railing wine beverage balcony balcony balcony window balcony drinking drinking drinks balcony balcony beverage water wine", "a man who is posing while taking a glass of water", "a man with a blue shirt stands on a balcony with handrail", "a man sitting on a metal bench drinking from a wine bottle", "a man is drinking some water out of a glass", "man in pink shirt sits at table on balcony overlooking mountains", "a man wearing a blue shirt is drinking a glass of wine", "a man is standing by a railing drinking a glass of wine", "person drinking water outside using a glass while sitting at a wooden bench", "a person on a wooden deck enjoys a drink while railing railing guards look", "a man drinking wine through a wine glass while outside", "drinking drinking drinking a man water at drinking railing wine looking wine a grape on sipping", "sits glasses glass glasses wine wine a wine wine wine glasses glasses glasses wine glass wooden", "a woman drinking wine out of a glass outside a fence", "a man tasting with a wine glass on top of an deck", "a man standing on a balcony looking at a wine glass hanging by a railing", "a man holding his wine bottle up in front of a railing with balcony railings", "a person standing on a railing drinking water", "the wine glass is being filled with some wine", "a man is enjoying drinking glass of wine on a balcony", "a man holding three glasses while posing for a picture", "a man holding a few wine glasses in front of them", "a man in a blue shirt looks on overlooking his field", "a man on a balcony with a railing drinking from a glass", "a person wearing a blue shirt sitting on a bench in front of a fence with", "a man is using a wine glass from a glass bottle to drink", "a man who is pouring something into his glass", "man holds up a glass of wine while sitting on a balcony", "a man is sitting in the back of a truck", "a young man is blowing liquid out of a glass", "a man taking a drink while standing on a deck", "a man sitting at a balcony holding a glass of wine up to his ear", "a man is drinking water outside on his balcony", "a black wire rail across a balcony with a male man in a blue shirt holding", "a man drinking from a bottle of wine while standing on a balcony railing", "a man with a pink polo shirt is drinking out of a large wine glass", "a man drinking wine from a wine glass on a balcony", "a man drinking wine from a glass on top of a balcony", "the guy in front of the fence is drinking wine", "the man is drinking from a glass", "a man who is blowing the bubbles out of a wine glass", "a man is trying to get his wine and glasses together", "a man pours a glass of wine into a wine glass", "eyes wearing looking listening breathing eyes lou sleeping staring he man s self male closed male", "on on at outside blows outdoors in at the railing, man man looking licking taking", "a man drinking from a wine glass with a balcony railing", "a man is leaning back into the distance while on a sunny afternoon", "a male drinking and holding two wine glasses", "a man drinks from a wine glass on a wooden deck", "a person on a top deck drinking from a glass of wine"]]}, {"question_id": 174662, "question": "Do all jar have the same material?", "answer": "no", "captions": [["a man and a woman wearing formal wear", "the couple is posing for a picture together at the party", "a smiling woman standing in front of a green colored room", "a man with a tie standing on a clear table", "woman wearing a black tie, with her head tilted forward in front of the camera", "a person stands next to a man standing next to each other", "a man and a woman are posing for the camera", "a couple is standing together looking next to each other", "laughing woman in glasses laughing on a green wall", "a couple in glasses are posing for a picture", "woman in black dress is posing for the camera", "three people standing inside in a large building", "person standing beside of the green screen wall", "a man is smiling looking towards the camera", "a man on a black and leopard print purse is posing for the camera", "i am unable to see the image above", "a person in a room smiling at a photographer", "a man in a suite standing in front of shelves of shelves with racks full of", "a man who is giving a picture for us", "a woman is looking back in the other side of the room", "posing smile smiling a a this smiling and a a a two asian two a there", "a man and a woman smile at the camera", "two people are standing near each other with a table in the background", "a couple that is standing in the street", "a man standing in a kitchen kitchen eating food", "a man is standing in the room and is holding a folder", "a large room has a wooden frame and ceiling and ceiling fans", "a couple of men wearing glasses are wearing baseball hats", "a picture of a couple getting romantic in a picture", "a smiling man laughs in a crowded restaurant room", "a couple from asia posing for a picture", "the picture of a guy with an umbrella smiles for the camera", "a man in a dress clothes standing in a kitchen", "a man wearing a white shirt standing at the airport", "there is a man and woman married standing in a room", "a picture of a table top in a green room", "a green wall and a person and a green wall", "a man and a woman standing in close together", "man and women smile at camera, standing smiling in the lobby", "a man and a woman are both dressed in a formal formal dress", "a couple of people posing for a photo", "a man standing in front of a woman posing for the camera", "a lady in short dress at the right of the lady poses in front of a", "a woman standing next to a man, who is wearing a black dress", "man in business suit is posing in the office", "a woman standing with a white blouse and a green background", "a man standing next to a woman holding a purse", "a white picture of a smiling man and woman", "there is a woman posing for a picture", "two women pose together and smile for the camera", "a man with glasses posing at the camera", "a couple has a good smile while posing for a photo", "a man standing next to a woman posing for the camera", "close up taken up with black and white picture of together", "a close up of a lady sitting at a table with a clock hanging on the", "a man smiling and wearing a black shift dress", "two men in black shirts posing for the camera", "a couple posing in front of each other and the man in all the dress", "the man wearing a black tie is posing for the picture", "a man a man and woman are smiling for the camera", "man smiling with arm around another mans shoulder", "a man and woman standing next to each other", "an image of a couple of women standing together", "a man wearing a white shirt, standing by a green curtains", "there is a asian man standing with a girl", "a woman standing next to a man who is standing on top of a table", "she is having fun with his clothes while posing for picture", "the photo shows a woman in black sitting and she is smiling", "a male is in a black shirt and a desk", "a young male wearing glasses and a black dress", "a man wearing a pair of shoes stands poses for a photo with a woman", "a person in a black dress and a green curtains", "a man smiling and laughing with a woman sitting in a chair", "the young man is posing for the camera", "a woman in the middle of a man smiling", "a couple posing for a photo with green screen", "a large room with carpeted floor and green curtains", "two people posing next to each other", "a man is standing looking at the camera", "a man stands in a dark tie posing for photographers", "an asian man and a woman sitting together in a living room", "three monkeys on the front of are two women", "a lady is standing by a green curtain", "a person in an indoor scene is taking a photo", "the man has two fingers and his hands are together", "a woman smiling posing next to a man by a bookcase", "a couple of men smile for the camera", "a couple of people in a building", "two people standing outside in a white kitchen with a large screen", "a young woman in dress walking around in a large museum", "a couple of men are standing on a building near an empty restaurant", "a man and woman standing next to each other with a laugh", "a smiling couple standing together while holding out their hands", "there is a man standing in glasses and a woman in a bow tie", "the man smiles that he is standing up", "two people are standing together at an event", "a man wearing leather shoes and holding a notebook", "a man wearing a black tie with a black tie around his neck", "an asian man and a woman posing both for a photo", "a man and woman pose for a photograph in a brightly green room"], ["inside a the window clean a the chairs looking cl window mirror a clear window window", "an empty room filled with a small pot of liquid during the day", "empty table in an old - age looking kitchen with many things hanging on the front", "the view of the kitchen with table and chairs", "a home interior, with a table set under it", "the in sitting counter the a a a the in kitchen a a large large there", "the kitchen has a very spacious modern style table and chairs", "table made kitchen table table tables table looking a a a a kitchen kitchen kitchen table", "a small kitchen space with a small dining table top set out", "a cluttered room cluttered with garbage cans and other items", "a view of a empty room full of bottles and glasses on the floor", "some broken glasses are on a table with two chairs", "a sun shines through the bright lit room", "a a very empty kitchen floor with all of a broken", "dining table and chairs with many birds on them", "a house with the light reflecting off of it", "a nice kitchen setting with a kettle, the pots, mixing basin, pans", "the shadow of a person looking at the light outside", "a pot on top of a bucket sitting in front of a sink", "a light tan cupboards has all cabineting wood", "a large kitchen is shown from a cluttered window", "an empty counter has water glass sitting in it", "a kitchen with a water pot, trash can and tableware on the counters", "a a kitchen a a this in this a a table in a a a a", "a kitchen area with dishes and pots and buckets", "a dining room table topped with a clear glass", "a white dining room scene with a large bowl and bottles of wine and bowls of", "light hanging cl there a this open cl a lights pots windows hanging window sitting a", "a kitchen window that has a glass shattered sitting inside", "a kitchen, it is dark in the lights", "a kitchen filled with lots of glass glasses and water bottles", "a lot of glasses on a kitchen table", "a kitchen filled with containers of food and things", "a kitchen area with yellow cabinets against wooden cabinets and wooden walls", "a kitchen with items on the table and a blue tub", "a kitchen with blue bucketes and a sink sink next to a window", "a very nice view of a kitchen with blue and white seats", "there is an empty plate on a window sill", "a kitchen table with a bowl near the sink", "a photo that that i is very clean", "a nice image of a kitchen with a bottle on the stove", "a sunroom with a lot of bottles and cups", "table kitchen kitchen stool table table dining a stove counter din a the pot kitchen kitchen", "glasses sitting empty in and bottles bottles room a a set a dining there a inside", "a view of a kitchen, kitchen, full of supplies", "an empty kitchen with two big pots and blue buckets", "the lights are in a room scene in a foreign place", "light a light lit lit a there window light light sun light in the light sunlight", "a room of empty glass containers and bottles are stacked on the top of the table", "a kitchen with a table and a bucket filled with garbage", "a small white table in a clean kitchen", "the kitchen sink is cl shattered glass on the top of the counter", "a long photo of some chair chairs and a table in a very dent kitchen", "a messy kitchen with a sink sitting outside", "a view of an inside table in a kitchen", "a sink set up with glasses sitting next to each other", "a glass shattered table and an ironing board hang above it", "photo of a kitchen with a blue bucket near the sink", "a very nice dining room with a kitchen in the background", "a table top with broken bowls on it", "a kitchen area with tiles and tiles on the floor", "a kitchen has a clear bar and lots of glass on the counter", "a empty kitchen that is in a dark light", "home is a kitchen with many containers of stuff and a sink", "there is a picture of a kitchen with the lamp above the kitchen table", "dining there counter bowl a kitchen sitting stacked, a there the view sink there corner", "bar glass and wine lights glasses blue glasses glasses glass glasses table glass drinking wine alone", "a a an table tables cl glass glass sitting a table some table a table a", "there is a kitchen with a lot of drinking glasses in it", "a very dark picture of a dim room", "a kitchen scene of utensil cups, cups and water glasses", "kitchen table sitting next to chairs in a room with wooden accents", "a room with a lot of objects in it", "an looking into an open, empty chair with a table and an empty basket", "there is a shot of a kitchen with a table that is topped with empty glasses", "a a a there a a a a a a a a a a a the", "a messy kitchen or dining room with chairs and a wooden table", "a kitchen area with a dinette table and an empty bottle", "a a looking the a a a a lots the kitchen a a a a view", "a messy messy looking corner of a kitchen", "a kitchen table some red and blue dishes on a table", "there is a table inside of the window", "a room is taken shot from a dark back", "a very clean kitchen with a basket and a table and a garbage can", "a kitchen and dining table is shown in this image", "view of messy clutter and a kitchen", "this is a dimly lit kitchen full of stuff that are sitting out", "two a two a a a two plastic table chair container a a a a a", "a kitchen is clean with a wineglass water dispenser", "lit lit the light many, a view inside a light a looking light light light", "the large group of bats flying around the room", "a small glass table made of bottles and glasses surrounded by a tablecloth and glass", "a sink, stove, and fridge in a small, tidy, well - lit", "a kitchen table in a very small kitchen", "a a the a a there a kitchen a a a a these kitchen full corner", "cl a a it a the table a looking looking and chair inside and in counter", "table in very sunlit room with table lamp", "a small table in the middle of a kitchen", "photograph of a dining room table set up in the corner of a room", "a long picture of a room lit by the sun"], ["a lab with a clean laboratory bench full of floen jars", "lab lab bottles chemistry a lab laboratory some a a white lab some an lab there", "an chemistry laboratory filled with laboratory equipment and clear liquids", "some various lab science and laboratory open clear scientist clear there clear an glass equipment in", "a counter with a bottle and a box on a counter top", "this is an open - ended laboratory table with a lot of bottles", "liquid lab there laboratory a stem chemistry chemistry lab lab a a a labs an a", "a laboratory room with white flooring and multiple empty beakers", "laboratory - style bottles and beak flasks have chemical - liquids in them", "a long glass cabinet full of glasses and empty water bottles", "an empty glass cabinet with different bottles and glasses", "a rack of glass bottles and different items", "a lab lab with chemical equipment and glassware", "a scene of an empty lab with a refrigerator", "a pharmacy lab table with lots of empty water bottles, flasks, caution", "a picture of laboratory experiment flask and liquor glass bottles in a lab lab", "the scene is very bright and well lit", "laboratory the laboratory a bottle lab a a a a lab a a a an a", "a large rack full of bottles and flask empty bottle sitting in the center of", "a science lab is clean and ready for a science experiment", "empty science clear fl lab solution white bottle fl fl lab white wine stem glass laboratory", "laboratory chemical lab glass lab laboratory laboratory a a the a a some a a a", "a laboratory area with counters, sinks and equipment", "equipment glass science fl bottles close fl bottle lab laboratory clear there scene clear three bottles", "lab white equipment glass counter a, yellow yellow laboratory a the inside blue no a", "a metal oven sitting inside of a lab", "laboratory safety caution yellow warning stop caution a laboratory there stop yellow caution the caution lab", "a tall cabinet that is closed over an area", "a laboratory with bottles filled with different amounts", "laboratory empty and laboratory hazard chemical laboratory caution laboratory chemical chemist danger fl lab laboratory laboratory", "a laboratory laboratory lab room filled with beak flache test - flasks", "a medical unit that has some large containers and an apparatus on top of it", "glass beak lab lab shelf shelf laboratory shelf lab chemistry lab laboratory cl open a the", "safety caution safety caution lab yellow safety hazard and a lab lab science experiment yellow hazard", "a large lot of bottles are being used in science", "an some lab laboratory bottles the glass empty a a the the a a this laboratory", "safety attention lab equipment fl chemistry laboratory laboratory chemistry science chemical safety caution safety caution laboratory", "a bunch of clear bottles line a glass cabinet", "a long counter with different clear bottles and empty containers", "laboratory laboratory laboratory laboratory laboratory laboratory laboratory laboratory laboratory laboratory lab laboratory laboratory lab scientist laboratory", "there are a few tanks and some containers in the fridge", "empty beak clear empty empty an there it a glass looking a some clear metal beak", "beak science laboratory a white laboratory lab an there empty laboratory a laboratory picture lab a", "shot of the inside of a room with a small amount", "a caution caution laboratory laboratory a lab chemistry hazard caution laboratory yellow yellow caution warning hazard", "a lab set up with empty flasks and a clear bottle", "laboratory it laboratory shelves a a there laboratory a a a a a a a a", "glass a a this laboratory a there laboratory a a a glass a two science equipment", "chemical warning fl fl science laboratory safety fl in glass laboratory glass chemicals the warning an", "laboratory a glass glass research lab an there laboratory different lab bottles clear laboratory a a", "lab laboratory laboratory a liquid laboratory long laboratory laboratory lab two lab the glass view laboratory", "a clean laboratory like counter with empty bottles", "fl fluid lab test a a liquid a yellow caution used lab caution caution laboratory yellow", "science bottles a close lab the empty a in tall laboratory empty an one a a", "a filled laboratory a this stem laboratory an a a a a a glass laboratory some", "a laboratory table full with some glasses and fl flask tubes filled conical lab and", "experiment a there laboratory the a large door laboratory cabinet blue science scientist laboratory a blue", "clear beak flasker containing some alcohol on an office desk", "a chemistry laboratory with a lot of bottles and glasses", "contents glasses fl fl in containing experiment in science glass the chemistry a lab laboratory there", "an empty laboratory with many glass empty bottles", "a clear a long blue a a a white laboratory this a there a a lots", "a scientist's lab has many empty glass flasks around in white containers", "flaskuri laboratory equipment, with empty bottles", "lab an the research open laboratory several a lab bottle an a a the science lab", "a science laboratory flaskt cabinet with lab tools in it", "laboratory a a a there in a a a an a a tall laboratory a long", "a lab equipment has a lab or experiment experiment glass making equipment", "a bunch of science beakles are stacked against a shelf in a lab", "a lab area with many chemical equipment, including a science apparatus", "glass science chemistry containing science chemical laboratory glass caution science laboratory - glasses lab glass is", "a large room of empty laboratory glassware on the counter", "open and she lab shelf glass behind glass laboratory counter scientific empty bottles the a there", "a laboratory with white cabinets and empty glass jars", "a lab where there are no danger warning signs", "some science glass empty bottles and alcohol and other empty alcohol beverages", "this is an image of a laboratory area", "glasses laboratory there glass empty scientist a black clear a science laboratory an a a an", "a lab room full of clear bottles and bottles", "the laboratory desk is full of clear flaskts, chemicals and empty beak fl", "there is a lot of scientist lab equipment and some office chair", "a long row of glass equipment with electrical wires", "empty a a a a the tall empty a open a a the this laboratory a", "a laboratory with various lab and glassware on the counter", "a white laboratory table with some different glass fl empty beaking glasses and water bottles", "a glass beaking bottle is on the desk", "a glass laboratory flask is sitting on a table", "chemical lab fl laboratory a yellow in laboratory a a a bottles laboratory glass laboratory a", "laboratory a some lab ph laboratory the test laboratory a a a laboratory a shelf laboratory", "a lab station has clear glassware and clear bottles inside", "alcohol warning hazard dangerous warning sign hazardous warning caution ahead caution caution danger hazard hazard caution", "laboratory lab laboratory a laboratory lab laboratory and chemical science an lab lab a glass laboratory", "a white lab room has many empty empty bottles and beakies on a table with", "a science lab containing beaking flasks, laboratory laboratoryware and an array", "a picture of a empty table at a chemistry lab", "empty empty bottles set some glass stem top lab set science glass laboratory a a laboratory", "a science lab with flaskers, an apparatus, and plastic containers", "on glass he shelf empty laboratory in laboratory a large shelves there a the a shelves", "a scientist's lab with the same equipment as equipment", "laboratory laboratory science beak a lab laboratory laboratory in work laboratory laboratory counter science laboratory laboratory"], ["a small sink is in a hotel bathroom", "the light in the bathroom is on near a round mirror", "the sink is positioned in front of a circular mirror", "the bathroom vanity is made of wood and is clean", "the photo gives bathroom with a square basin in the vanity", "a bathroom vanity with a folded napkin next to it", "a sink in a bathroom counter in a hotel room", "vanity sink with a square sink in a hotel bathroom", "sinks a bathroom fa white sink sinks sinks the - white vanity soap white bathroom vanity", "bright circular mirror in the dark room lights up", "a bathroom mirror sitting above a bathroom sink", "black table with the sink on it and a box of water near the top of", "a a this black view bathroom modern a corner sink toilet and a a modern black", "a white bathroom sink and counter top inside a bathroom", "bathroom basin light lighted circular shaped bathroom lights bathroom bathroom bathroom light bathroom bathroom bathroom lights", "a toilet sitting inside a bathroom with a large round sink mirror", "large circular mirror that has a towel hanging", "a lighted mirror with a circular light inside", "a wash basin is white and clean it has a green", "a square shaped sink mounted underneath a white square vanity", "a large round mirror showing the reflection of a white sink on a black table", "desk in a clean bathroom room with vanity vanity vanity", "a kitchen, bathroom, bathroom sink and vanity sinks", "a bathroom sink against a black counter top with a black counter top", "sink is on table and there is a yellow faucet behind it", "a bathroom a round lighted bathroom mirror is a mirror", "a round mirror has a handle around it", "oval mirror the a a bathroom corner looking a large corner bathroom mirror bathroom bathroom basin", "a bathroom with white sink and open space for bath sinks", "a sink sitting underneath a large mirror in a bathroom", "a a a picture a the bathroom a this sink sink sink black black black wash", "the square kitchen sink is open and has a square mirror", "bathroom square mirror circular a modern bathroom small mirror basin black brown the mirror with a", "a bathroom sink, a black counter, a glass glass, and a big mirror", "a sink that is sitting in the corner of a bathroom", "a bathroom sink with a round mirror and a black counter top", "mirror bathroom sink bathroom round round circle a bathroom a bathroom that round that a oval", "a modernly decorated modern style bathroom with large mirror", "sink and modern modern style bathroom sink mirror", "a sink a sink and a mirror in a bathroom", "a kitchen sink with black counters in a placemated room", "a kitchen sink with the center counter half empty", "a bathroom sink with a rectangular sink below a round mirror", "a modern bathroom with circular light mirror lighting on the shower", "a small bathroom sink is displayed by a wood wall", "a white sink square sink bathroom vanitybatted with towels", "a mirror is above a vanity mirror and a small table", "a large white and white sink basin under the fauce,", "round counter large bathroom bathroom a looking a a a small oval mirror mirror large there", "mirror light in a dim bathroom sink and light shine", "a small black bathroom vanity features a circular mirror", "contemporary a a a a a the this stone sinks white vanity white counter toilet with", "the mirror is lit on it, it is very reflective", "there is a bathroom sink with a square basin", "a black vanity with a round light fixture over the sink", "this sink in the bathroom is clean and empty", "a very clean bathroom sink is nicely lit under a large mirror", "a counter white bathroom bathroom looking under large circular mirror", "a bathroom has a counter and large round mirror that hangs on the wall", "a white sink sitting under a dark counter tops", "a nice bathroom sink with soap and soap dispenser", "a small bathroom has a view of a big round mirror", "a a sink bathroom a mirror with a a sink bathroom a a shelf square a", "sinks white white sink light counter vanity counter white night bathroom and rectangular a square illuminated", "a black table top with black stools on leather chairs", "a counter with a round mirror above it", "a toilet sink sitting on top of a counter", "white sink and a round, round mirror in a bathroom", "a sink and a mirror with a light on", "a bathroom sink with small black counter next to it", "a modern vanity mirror with illuminated under lights", "a corner of a bathroom with a tiled floor and a toilet, sink, and", "a bowl sink sits in front of a large mirror", "a close up of a round mirror on a wall", "a fancy round looking bathroom sink at a large circular circle mirror", "a bathroom sink with circular light on reflection", "a square shaped white sink in a bathroom bathroom", "a circular illuminated sink mounted by single sink", "a sink with a mirror in it and no reflection", "a bathroom sink counter and mirror with towel and water bottle", "a bathroom vanity is located, ready to be used", "a modern sink counter in a bathroom bathroom", "there bathroom sink with folded towels on the sink", "a sink and a round light in a small bathroom", "light circular round a there a a a a the there large view light reflected that", "a clean and well lit bathroom sink and the mirror", "some lights near a modern style bathroom", "a bathroom sink and large mirror in white wash basin with black lights", "a bathroom vanity with wood grain wall covering", "a bathroom sink with lighted sink and mirror", "sink sink a he lighted a white vanity vanity a a a a the a the", "a photo of a bathroom vanity mirror with wine glasses next to it", "a modern white modern bathroom bathroom sink basins bowl", "a bathroom sink in a modern style", "a mirror shot of a toilet in a room with toilet paper towels", "a clean hotel bathroom with towel holder", "a black table sitting under a lighted mirror next to a black table", "mirror mirror view of a bathroom", "a dimly lit bathroom sink basin with circular mirror", "a single sink is beside one door in a bathroom"]]}, {"question_id": 5294423, "question": "What is the shape of the sign that is on a platform?", "answer": "square", "captions": [["a small long train passing through a city", "a train traveling under an indoor covered area", "four wagon 2 black a people people a the passengers a several three people people people", "people with their bikes arriving at a station", "a transit station platform with a passenger train coming down the track", "a black and white picture of a train station with a woman and children", "two people and bicycles, one black and white image of people by a train waiting", "horse children people walking a group on train rail train station station", "a large passenger train drives down the tracks", "black and white picture of a train parked next to the train station", "a people people on train railway train these people passengers a this women people passengers people", "the train is pulled into the station on the line", "a white train with people about to board it", "a number of people walking down a set of train tracks near a platform", "a vintage style train in a black and white picture", "a train station waiting for passengers and onlookers", "a large passenger train is coming down the track", "a bunch of people walking down the city street", "a train being pulled by a carriage with bicycles on the wheel", "a woman carrying a group of people on bicycles with their bikes", "a group of people standing near a train station", "an old photo with some people on a city corner", "a pair of horse driven carriage pull people as they wait", "a train pulling up to a station with people walking the station platform", "a black and white photo of two horses standing at a train station", "people boarding a train with carriages and people", "a man and woman wait as a train travels by", "black and white photo of a couple of people on a train platform, by the", "a group of people and walking near a train station", "a train carrying carts carrying passengers being followed by two people loading onto it", "group of people walking under a train station", "train black a this people children passengers three train a a train train the train several", "pedestrians walking towards a train platform with the sky in the background", "a passenger train sitting at a railway station", "a train traveling on a tracks with people walking on the platform", "people with bicycles walking on a city train station", "two people and a horse pulling a car", "a street scene at a bus stop with three people and a baby in a stroll", "a mother horse and two children waiting for the train", "picture a commuter a a train train in train train by commuter train rail to b", "a group of people walking in a train station", "a train pulled into a station while people walk along the edge of the platform", "people arriving on the passenger train train station, with a horse", "a train that is next to a park", "this is a picture of a train that can be seen", "two children riding in wagons are on the train platform", "person with bicycles at train loading platform by curb", "two horses are next to the parked engine carriages", "a train pulling into a station at the station", "people ride bicycles next to a train at a train station", "some people walk near some parked trucks and horses", "photo of the people walking with bicycles on the side of the road", "a passenger train going down a railroad track", "a train station with a man with two people", "black and white photo of a train at a city station", "a couple of horse - drawn carriages walking alongside the old train", "a group of people are walking by a train", "a group of people that are walking down a street", "a train on the tracks at a train station", "some people waiting outside of a train at a station", "two kids and three adults walk down the tracks with a wagon, a couple of", "people passing along tracks in black and white, men walking on either track", "a train pulling out of the station, riding the tracks", "several people are walking along the empty train platform", "two people walk across the train platform with two horses", "a group of commuter people walking by a train", "the people are waiting to get on their train", "a gray photo of a group of people walking on the street", "a passenger group waiting for a train at the train station", "a black and white photograph of people walking with a horse", "people with bikes are getting ready to go on the train", "a train station with people on its railroad platform", "a person with two young children stand upon a train platform", "passenger old horse horse train waiting train train passenger train rail train b locomotive railway electric", "two people are waiting for a train at a station", "a woman pushing a bicycle down a sidewalk next to a train station", "a group of people standing and walking around on the side of a road", "a large long train moving down a busy street", "a group that is standing on the side of the tracks", "people standing on the side walk at a train platform", "a train stopped at a station platform and people waiting to board", "a train parked on the tracks beneath a train station", "people are waiting at the station platform for the train to pass", "old time photo of a group of people exiting a train", "black and white illustration of a train on the tracks", "group of people walking with a child on bike", "a train station with people and bicycles on the tracks", "a trio of people are walking down a train track with a horse", "people are walking together at a train station", "the railroad going down the street to the ocean", "a group of people riding in a harness wagon on a road", "a group of people standing in front of a passenger train", "a train stops for passengers on a busy street", "a two horse and sleigh pulling a wagon at a train station", "people on platforms with luggage waiting for a train", "a man riding a bike on a sidewalk", "a group of people walk near a long commuter", "a vintage photo of a group of people crossing a street, in black and white", "people stop and ride in front of a small school bus engine", "a black and ivory photo of a subway area and its passengers and bike"], ["three stop signs sit at an intersection, both side by side", "street signs are near a street sign and seven", "stop stop signs with two stop sign stop and stop intersection", "stop stop stop stop stop stop stop stop", "a set of 2 stop signs next to each other", "a group of signs on the road and blue street and exit signs", "a no - go stop sign posted by several street signs", "a stop stop signs that are standing up for them to show signs", "stop stop signs and two street signs in front of blue sky", "a stop sign on the road has three stop signs on it", "two two signs are shown two to one another", "several post signs shown by one another on a street", "stop signs with a stop steen at the top of them", "stop signs that show the start of stop stop and stop ste ste ste", "two, stop stop stop are stop stop stop and intersection stop stop stop stop stop", "a couple of stop signs on the street by the road", "three stop, stop and a four stop signs are posted on a pole", "stop and stehen streets signs are lined up on a pole", "large street sign posted next to a stop sign on 3rd", "two stop signs and a stop stop stop stop and and several stop signs two stop", "this is a photo of a stop / turn signs", "stop stop stop stein, back sign, stop stop stop stephen and a stop sign", "a stop sign on the side of a road", "two stop signs on the road that are shown on and in german", "a stop sign surrounded by stop and stop and go on two roads", "stop stop stop still stephen stop stop stop stop stop stop stephen stephen stop stephen stop", "red stop signs with a 3 sign directional arrow", "two stop signs with a blue sky background", "a stop and stop signs and a sign with an arrow pointing toward it", "a stop sign on stop road signs on a road", "a stop stop sign set outside a building that is under a stop stop stop stop", "several stop and stop signs sign in front of a street", "a stop stop and stop sten with an arrow ahead", "some stop stop signs and one stop sign stop", "a few signs on a stop sign two stop signs and a stop sign", "there is a sign and a stop sign together next to two street signs", "street signs up side down of road arrow", "stop signs on a street corner are red and white", "two stop stop stop stop sign and a one stop sign", "stop signs stop signs no stop stop at two way stop", "a stop sign, stop sign, stop intersection at the stop sign", "group of stop signs on a sunny day", "three stop and two go sign with arrow pointing towards directions", "stop and yield sign traffic signs are all in front of a stop sign", "stop stop signs with seven different street signs next to them", "traffic sign warning signs post with different sides", "a road sign that has a stop sign and six different street signs", "a stop stop stop stop stop stop signs and street signs", "a stop sign at the top of a quiet street", "stop signs sit by the side of a road", "multiple signs are in different red and white signs", "stop signs sit next to stop and stop signs by the side of the road", "stop stop signs are arranged to the left and stop the signs by the stetern", "a three way stop sign and three street signs in the distance", "stop and stop signs have stop street signs attached to them", "stop stop stop stop stop stop stop stop stop stop stop stop stop stop stop stop", "five signs are stop one with street sign and another with the one in the center", "stop stop stop stem stop sign and a stop stop stop stop st sten sign", "a stop sign and some signs and an arrow up and down", "a number of street signs at an intersection", "three signs that are next to road intersection on a city road", "a corner corner with street signs on the street", "stop signs are set along a pole near a building", "a picture of a stop sign on a street corner", "stop and stop signs at the intersection", "two different street signs placed at the curb", "a stop sign that is right next to there stop signs", "a red stop sign a few signs on a wooden pole", "a stop stop sign that is next to several other signs", "stop stop sign sign symbols stop stop signs and two times stop stop", "several stop stop signs sit next to the stop sign and a 2", "a variety of stop signs are shown on a wooden poles", "stop stop stop stop under stop stop stop stop stop stop stop stop stop stop stop", "stop stop and stop signs sitting on the corner of a street", "two stop signs and a stop and no stop sign", "stop stop signs sitting on a four post stop stop", "stop signs and stop stop stop sign are next to seven stop", "a stop sign, stop and stop sign in the street", "a stop stop sign, street signs, a walk button and a directional arrow", "stop stop signs and stop signs that are two or two", "several stop signs posted with a stop steiner 2 2 2", "two signs and their words at a stop sign", "several stop signs posted under stop signs at an intersection", "several stop signs are on a pole, and others are visible", "several stop signs are shown with an arrow down symbol", "stop signs are set up stop signs on a road corner", "a street corner and two signs the sign reads two", "three stop signs are connected to each other under a stop sign", "a stop stop sign has two stop signs below stop arrows", "stop road stop and stop stop two in a street", "several stop signs that are stacked up in some front of a stop gate", "two stop stop stop stop stop stop stop stopping stop three stop stop stop stop stop", "three traffic signs with stop signs and street signs near a one way ahead sign and", "stop sign and stop sign at a stop signs intersection", "three stop signs in a three way stop sign and a double stop stop sign", "stop st stop sign and a stop and go stop sign on a road", "two signs on one pole that show numbered street signs", "a stop sign to stop in front of an old building", "a stop sign is being added to the back of a stop sign", "stop, stop, stein, and st stephen signs on the side of the road"], ["riding on riding riding horses equestrian horseback riding on riding horse horse saddle riding cowboy on", "a boy with a helmet and a mask holding a flag with a man standing next", "a man riding a horse, through a course", "a man is riding his horse across the field", "rides on riding - in riding horseback riding riding riding riding on riding horse, riding", "rider on a horse at a festival", "horseback rider wears a helmet and red facemash", "a man riding a brown horse holding a red flag", "a person riding a horse with the rider riding on the back", "the man is riding on a brown horse", "a young boy riding on a horse through a field", "a rider on a horse runs across a stream of water", "a rider on a horse making a jump", "a person on a horse riding", "a man riding a horse in a dirt area", "a man that is standing on a board being followed by the horse run", "a young man riding on the back of a motorcycle", "a person on a horse near a traffic red flags", "a person on a horse doing an obstacle", "riding horse ride chestnut rides man riding equestrian a on riding rider and jockey riding jockey", "a man standing on a horse moving in motion", "a boy riding a horse in the middle of the day", "a person on a horse leaning over a pole", "a woman and a child riding a brown horse", "a person on a horse being led away from a gate", "man riding a horse while riding a horse while looking in distance", "a man riding through a river on a horse", "a man riding a horse in mid air", "a man in riding helmet riding a horse on field", "a man riding on a horse with red helmets on", "there is a person riding a horse on a sunny day", "a person on a horse riding along side", "a man riding on the back of a brown horse holding his arms as he rides", "a young man rides a brown pony horse", "man riding his horse while riding through some trees", "a person riding a horse on a open field", "a person on a brown horse in the field", "young boy riding a horse on dark street in the city", "a man on top of a horse riding past each other", "a person is riding on a saddled horse", "a jockey rides a horse through a field", "a person on a horse by some wooden benching", "a man is riding a horse in the grass", "a man on a horse in front of cross country", "a man riding a horse on the back of it", "a man riding a horse on the back of a man riding a horse", "woman riding on a horse at the race while wearing a helmet", "a man that is on a horse that is jumping through air", "a person on a horse riding past a wooden bench", "there is a man riding a horse while a man looks back while climbing up the", "riding riding horse horse riding horse on ride and rider horse horse riding a riding riding", "a man riding a horse wearing red hat riding", "horse ride riders riding on pony horse side", "a man riding a horse next to a sign with words", "a man that is riding on the back of a horse", "a jockey on a horse that is running around", "a man on a horse jumping in the water", "person riding a horseback on a rainy day", "and on jockey rider riding riding is riding riding driving man crossing horse jockey a a", "a man riding a horse through water on a sunny day by themselves", "a man on the back of a horse wearing a helmet and riding it", "a woman on a horse is passing a sign", "the child is on the back of the horse", "man on dirt bike moving on dirt in open field", "a man riding a horse behind a horse in a rural area", "a man riding on the back of a horse", "man riding on a horse with no helmet crossing a river", "man on horse riding while looking to the side", "a person riding on the back of a horse", "a person riding a horse on a rainy day", "a man riding a horse down a street", "a person going fast on a horse wearing a helmet", "horse riding competition in london with man crossing", "a person that is riding on a horse", "gentleman in cowboy hat on brown horse walking", "a man riding a horse across an obstacle", "a man on a horse riding down a track", "a rider on a horse running around an obstacle course", "a young rider on a horse is gallops", "the water riding the while riding horseback is a a horse horses jockey a a horse", "a male male riding with a helmet riding a horse", "a man riding a horse with no helmet on", "a man riding his donkey through a pond of water", "a man riding a horse on a field in front of green bushes", "the boy rides a horse and stares his jockey", "person on a horse wearing a helmet rides through water", "the equestrian is going to jump in the water", "a man riding a horse through water on a road between a grassy area", "a guy on a dressage horse in mid riding around a course", "horse rider riding the back of a horse along the forest", "a man are riding on a horse and is taking a ride", "a young girl racer on a horse", "a man riding on a horse that is running", "a man riding a horse around a black wood table", "a young man that has a helmet riding on a horse", "a man on a large pony while riding a horse,", "a person riding a horse through a lake", "a man riding a horse behind a flag", "the man is riding a horse at a carnival", "a man riding wearing leathers and a polo suit rides a horse"], ["a park parking sign on the corner of public street", "different multiple directional street parking multiple no all parking stop there sign there stop parking no", "parking signs on a sidewalk next to a parking and parking parking parking signs", "three signs stating about sea season mean walk in all of them", "a no parking directional sign in an empty parking lot", "a crossing street sign on a cross walk in a street", "this is a close up of a few signs near don't walk or tow", "an empty street in a city with stop sign", "several one parking, there parking not one if stop don one street all another all", "three street signs are on a pole", "a set of no time no time and do times sign on a corner", "driving parking parking parking parking signs parking parking parking parking parking parking parking parking parking parking", "two no no parking no parking no parking no no no stop sign no street signs", "street signs mounted to pole below a street warning sign", "a stop light sign that reads if any knows this", "a couple of street signs are on a pole", "three street direction street signs on two posts next to a silver sky lamp stand", "an image of one sign in front of the others", "parking parking sign and parking don't parking sign placed outside", "a bunch of signs outside a building with different direction traffic signs", "several parking only parking signs on a pole by a street crosswalk", "a traffic sign has multiple different handicap signs on it", "a traffic sign posted at an intersection on the street", "a few street signs and the street sign above the other one on the pole", "a number of signs showing a no parking signal", "signs telling to stay out of the way at the intersection", "a street sign for no walking crossing is shown", "some street signs on a pole along the corner", "an exit street sign posted on a pole", "not a time in all all no parking signs", "a parking any anything around here sign on a pole", "street signs written in english on a light pole", "parking and parking sign on a city sidewalk in city square", "no parking, no parking parking only parking signs", "two street signs that read different people park in the parking lot", "these signs are not found all in a parking lot", "speed time sign on a corner corner of a road", "parking signs on a small street in england", "street street no do street traffic street sign signs street confusing one confusing no street no", "three parking signs in a city of a street", "a road intersection with signs at an intersection", "a city intersection with two signs on one side and one sign on the other", "there are many parking and parking signs on the corner of the cross walk", "a three confusing times no parking parking parking and any parking, not parking sign", "the sign post has three street signs on it in cities", "no parking signs and no parking sign are on the street", "a pole with a street sign, street sign showing a two way and no parking", "a series of different signs posted at an intersection", "a street sign hanging on the center of a city street", "two way street signs on a pole", "a parking sign on a city street corner", "a pole that has a street sign attached to it", "two street signs on one street pole one has a red and white no parking sign", "a stop and no no parking signs are on a pole", "a street sign pointing right on the sidewalk", "two street signs on a street pole near an no parking sign", "crossing signs stand at a post at a cross walk", "several road signs indicating directions at various time and another time", "a sign showing several different street signs attached to one post", "street signs on a sign post on a street in the city", "street sign showing several different directions", "a pole with street sign that has several signs posted on it", "a street sign on a street pole with a street sign next to it", "a no parking signs on a city street crosswalk", "there is a collection of street signs on a sidewalk", "a sidewalk sign on a pole with a street sign on it", "a street sign that has no parking signs to read", "direction signs are in english and chinese and are in white", "there are many different stop and turn signs on a pole", "three street signs on pole stating parking amount of parking", "no street signs sign at no parking street sign sign", "signs post on a sidewalk, with the number twenty underneath", "a stop sign sitting on the side of a street", "multiple signs at a four sided intersection directing one way street to two parking and no", "no no signs no red no no prohibit no there do no no red no no", "street signs sitting in a parking parking garage", "city traffic information signs in an intersection with brick pavement", "a street pole on the street near the road", "parking no parking signs on a corner next to an empty parking lot", "a street parking parking anytime parking sign", "street street four not road street stop sidewalk street one street exit signs no street street", "several street signs with different directions pointing left to right", "a sign that is on the side of a pole", "three street parking signs are next to one another sign", "a street corner with three traffic signs along it", "a multi bilingual no parking lot sign on a street", "a two way sign pointing off either side of the street", "a street pole with a number limit street sign", "three street signs and a no parking sign on a light pole", "parking lot at parking lot near parking meters in front of a parking lot", "there are many different road signs on there street", "no parking signs posted at an intersection in america", "street signs on city sidewalk indicating the time", "a no turn or no parking sign sign is set up at a crosswalk", "sign showing different directions on the side of road", "a street sign is set up on the corner", "street signs on a pole at an intersection near a cross walk", "several traffic information signs in the air next to a street sign", "four street signs are attached to a metal pole", "a no left turn sign on the corner of the street"], ["a very nice street sign with some arrow pointing to the left", "a road sign about a freeway, and the major arch road", "a green sign with several different road signs", "a street sign on a highway sign near a fence", "an interstate freeway sign with a street guide to travel and trail signs", "road sign on the side of freeway freeway", "a road sign is next to the wood rails on a pole", "the freeway sign displays the names of traffic points on the freeway", "a sign for a drive drive drive drive trail trail trail trail west west west", "street green - driving road direction green back road street street road road highway street road", "drive driver drive drive drive drive drive drive drive driving driving drive drives drive drive drive", "a green and white interstate highway sign on an exit highway", "a directional sign pointing clockwise around the center of the image", "green the interstate green street road street highway green direction thunder green highway loki green street", "a sign points west into a highway in california", "a freeway sign displays locations for several different cities", "sign is seen for street signs on a freeway", "drive drive drive drive drive drive drive driving drive drive", "a green sign and some pole with street lights", "a green highway exit sign for the city of los", "this road sign shows the ways to reach", "a road sign with a circle on it", "several road signs read semiie semince sexism, semene se", "a highway sign that explains roadway and interstate lanes", "eastern east east east east east east east eastern east east east south east east east", "a highway sign says highway directions, the highway lanes sign and street names above us", "a sign reads on the road drive, drive, drive, drive, drive,", "a street sign to semince semince and thunder thunder thunder thunder thunder", "a very well lite highway sign in the country of thunder", "a green sign directing the interstate freeway that has major highways", "interstate road sign with arrows on a blue sky background", "road sign on the u - 10 interstate freeway exit sign", "street green freeway road the sign south approaching ap oracle apex apache apache apache apache ap", "a sign showing directions on a highway", "a highway sign that has a drive drive driving drive drive drive drive sign on it", "the traffic road sign is pointing towards the left", "highway exit road welcome sign highway the pacific road highway a road street to highway los", "road sign along interstate 1 of vermont", "a freeway drive drive drive drive drive drive drive drive drive drive drive drive drive driving", "exit roads green a an highway street highway green road a road green freeway traffic a", "road sign on a pole displaying several directions of roads", "a road sign that says four in many languages that are on the highway", "street signs sitting on top of a fence road", "a green sign reads the next way", "street sign in spanish on a highway in front of the sky", "a sign posted on a highway shows directions when it's the route", "signs on a highway provide the interstate lane drive to drive drive to drive to drive", "highway highway road lanes exit traffic, road road thunder traffic a freeway highway interstate thunder", "drive drive driver drive drive drive directions drive drive drive drives drive drive drive drive drive", "a green freeway sign shows a freeway drive", "directional a street road highway freeway highway direction street interstate road a stop highway highway direction", "white street sign directing traffic on a highway", "a handwritten road sign indicates a right handed way to apache apache - apache home", "a sign sign on the highway indicates where to drive", "two different green street signs are above a big green sign", "road signs that show road directions for drive directions", "a street sign for apache apache apache hill and apache trail", "a sign pointing to different trails and trail trail trails", "a white and green traffic sign on the highway", "a highway sign for the i - 10, the border with a road sign next", "green road green highway highway green highway direction direction traffic us green highway green freeway freeway", "road sign indicating how to approach apache apache apache", "the street sign is on a freeway near the city of thunder", "a sign in spanish shows an arrow drive, drive driver drive and other arrows", "a street sign showing the three roads left west of us las los los", "welcome highway signs above interstate highway sign", "a sign on the side of a freeway telling people to choose the right path", "a green street sign with a two way lane sign", "a green sign in a highway shows the opposite directions", "a road sign that indicates the road directions", "a green road sign shows both streets, and directions", "a sign indicating a west west country exit direction", "a street sign that states where trail trails are in the middle of a crossway", "green road sign for exit, freeway sign for road exit", "a green and white highway sign with street name", "green street sign standing on a road side", "road traffic us road road freeway road road highway road road lane directional drive exit highway", "a freeway drive sign with an overhead drive sign in the middle", "one green directions directions highway roads road direction street road exit directing interstate highway a freeway", "a road sign directing directions of the highways", "a street sign is located at east east", "green green green green road interstate green - road green freeway highway green road way sign", "highway sign that tells how drive directions go on", "street sign road arrow street exit sign with different languages", "highway'sign traffic street traffic arrows traffic road highway highway a traffic highway freeway highway", "interstate traffic signs at the corner of interstate and i - 44 in south los", "a sign welcoming to the east and eastern as far agogy", "in the direction road highway sign this interstate freeway welcome road freeway street freeway street road", "a green traffic sign is shown on the highway highway sign", "road this road highway green freeway the highway road interstate highway sign highway highway highway green", "a green sign directing to thunder thunder in thunderhead right", "a sign sits on a paved street with a freeway sign above", "a street sign in a city road sign for us", "a drive drive drive driver driving drive drive drive drive drive drive drive sign on green", "green road street street green road street directions right interstate foreign sign green green highway freeway", "to to the sign freeway green traffic road street road sign the tao way pacific the", "highway exit road traffic on south a interstate a highway the freeway highway road drive the", "green highway highway sign that shows directions to seattle and apache as the road direction", "green highway road road exit street roads traffic road road road exit green street highway green", "south southern south south south south south south sign south south south south south south south"]]}, {"question_id": 6009270, "question": "Is it true that there are more ladies that are wearing black shirt than men that are wearing black shirt?", "answer": "no", "captions": [["a woman in red is playing a video game", "a woman playing a game with a nintendo wii controller", "a woman playing video games with a remote control", "a person with a small kid next to a chair", "a woman has her hands in motion while playing a game on top of a television", "a woman wearing a red shirt is playing video games", "a very cute girl playing the wii", "a woman playing wiimot with a device", "a woman standing with a wii controller in her hand", "a woman playing a video game in her room", "a woman looks at a tv and another monitor", "a lady wii playing game on a television", "a woman with a red top working on a video game", "a girl holding a nintendo wii in a living room", "a woman standing up playing a game with a wii controller", "a girl in black room looking at a wall", "woman playing wii in her gray living room", "a woman holding a nintendo wii nun - board playing a video game", "a woman playing a game on the wii", "a woman standing at a tv holding a remote control", "a woman standing in a dark room while looking down", "a person standing in front of a window waving", "a woman's face is looking at the computer on the monitor", "a girl in a red shirt playing a video game", "a woman standing in a living room looking down and smiling", "a woman in a red shirt playing a wii mote", "a woman that is standing in her room playing a wii game", "a smiling woman playing a video game with a video controller", "a woman in a red shirt is using a virtual body scanner", "a women who is standing with her hands on her hips", "a person playing wii while wearing a tank top", "a person is playing video games in a red room", "a little girl holding a wii controller while playing a game", "a woman smiling with her eyes wide open", "a woman playing a nintendo remote game at her living room", "a woman is taking a picture on a video game system", "a woman wearing a red shirt in front of a table", "a woman playing video games in her room", "a person playing video games on a television set", "a woman is playing a video game in the room", "a woman playing wii at a party", "a man stands near a television while playing a video game", "an adult stands in an living room playing video games", "a woman wearing tight black pants and a red top", "the lady is playing a game on the television", "a mom and daughter playing a game of wii", "that is an image of a person wearing a red sweater", "a man wearing a red shirt playing nintendo wii while standing in front of a window", "a woman wearing a red sweater stands near a television and a computer in front of", "woman holding a wii game controller in front of a wall", "a woman standing with a wii gaming game controller", "a woman in a red shirt is standing by a red tv", "a woman standing holding a game controller next to a picture of a dog", "a woman wearing red stands looking at the bright picture", "woman standing in a living room playing a game", "a woman in red playing a game on a television tv", "a woman is playing nintendo wii in a dark room", "the lady with red shirt is playing a video game", "a woman wearing a red sweater playing a guitar while wearing a red top", "a woman that is standing near a keyboard", "woman in red shirt video gametting on a wii remote", "what i am looking at, a woman wearing a red shirt", "a lady is playing a video game", "woman playing a video gamer in her room", "a man plays with buttons on a keyboard by curtains", "a woman in red standing in front of a white curtain", "young woman standing in front of art of painting", "a woman who is playing a video game", "a woman playing a game on the nintendo wii", "a woman is using a wii game controller", "a woman works on a computer screen in front of a monitor", "a lady in a tight black outfit stands next to a big screen", "a woman with a red hair stands near a monitor screen", "a girl on a mobile - age television is playing a game", "a woman is playing with some wii motes", "young woman using video chat on a laptop", "a woman in a red suit playing board games", "a woman using a nintendo wii game remote", "there is a woman that is playing a video game in a room", "the woman is playing a video game all alone", "lady with wii remote playing video games in room", "a person standing up in front of a white curtain", "woman holding a smart phone standing close to a display", "a young woman playing nintendo wii sports", "woman playing the wii in apartment looking at the tv screen", "a lady in red is playing a game on the wii", "a person stands pointing at a monitor", "a young lady wearing a red shirt playing a game", "a woman is working on a animated video game", "a person is standing up and playing", "woman in a red shirt and black pants", "a woman is playing wii video games and a stuffed bear and a teddy bear", "a woman holding a nintendo wii mote in her hand", "a woman standing in a dark room playing wii", "a woman in a red top is posing for a photo", "a women who is standing and wearing a red shirt", "a woman is in the living room playing wii", "a lady wearing red is playing a video game", "the girl is playing wii in her room", "the lady is playing with the wii remote control"], ["a man working at a table with a group of women", "an older man sitting at a table working on a laptop computer", "person looking at the woman sitting down", "a man with glasses looking at something", "an older man and a woman are looking at a picture", "a man wears black as he looks down wearing glasses", "a man in black shirt sitting at a table writing on a piece of paper", "people playing a wii with a man in the middle", "people look on while a woman in black shirt is cutting the cake", "several people sitting around a table with their cell phones", "a person with glasses is browsing the papers", "a man is checking his cellphone and a group of people", "a man in glasses is looking at a cell phone", "a man with a tie is cutting something on a table", "man using his cell phone while looking at papers", "man is cutting a cake that is just finished", "several people stand around a table in front of a man wearing a black shirt", "a person looking down and counting something in his hand", "a group of people sitting around a table with papers", "a black thermal turtle neck sweater black shirt and sweater women", "a couple of people at a table with phone", "people with many a a people people discussion a a people three in several a a", "one man looking down and one man reading an open book and three people are looking", "three men in a business meeting and one is looking at a cake", "a group of two men looking at the magazines on the newspaper", "several people are gathered around a table", "a group of people at a table and two of them are standing up", "two people gathered around one another while holding drinking glasses", "a person that is sitting down and having a conversation", "a man in black shirt holding onto a knife", "a the people man glasses with man glasses glasses glasses man at glasses glasses glasses glasses", "two men are seated at the table top with their cellphones on", "a man in a black shirt is at a table", "two people sitting in a circle, and one guy is signing a letter", "a woman standing in front of several people wearing black jacket", "the elderly men with cell phones and a cell phone", "man in glasses at a table with the papers on", "there is a man working on something on his paper", "a man is cutting paper with scissors on a table", "some men are gathered together talking at a table", "three people sitting at a blackboard in a classroom", "a man is at a table with a phone and food", "guy working at laptop in a newspaper on table", "a man wearing black stands near a man eating cake", "a man is signing an article of newspaper", "a men's black long sleeve men's shirt", "there are men that are having a game with their cell phones", "an older man sits for a photo while a group of people stand behind him", "a man that is looking at a cell phone on a table", "a man wearing glasses sitting at a table next to people", "a group of people are gathered around a man", "a older man looks after a birthday cake with a candle", "three women are standing next to each other, one with a drink", "a man is cutting a cake being held by other people", "table black table a people dinner three people that people people on a persons round at", "a bearded man in glasses, a black shirt, and glasses, sitting near three", "older talking he gray grey gray adult grey eyes some older gray beard older older a", "man in glasses and a black sweater checks his wrist", "a large group of people standing around a table while one woman uses an alcohol", "three people in a group sitting and standing while looking at a camera", "a man standing behind a women in black black top", "a man with a cell phone and phone sitting at a table", "an older bald man works with his birthday cup", "a man taking a photo while another person is in the background checking out papers", "men are gathered working and using their cell phones", "a man in eye glasses and glasses and a group of people behind him", "a man in glasses standing while looking at the camera", "a man cutting a cake to celebrate another woman", "man in black sweater, smiling while looking at camera", "a man plays on a cell phone while also typing", "several men working while another man plays cell phones", "a couple of people sitting at a table with wine glasses", "there are two women that are signing a paper", "a small table with an old photo of several people at it", "an older man with white hair, wearing business black", "a man in a black shirt playing nintendo wii", "a man wearing sweaters and a sweater with a beard staring over his shoulder", "three people in black shirts standing behind a woman", "an elderly man is doing his phone move a long sleeve black shirt around his neck", "some ladies and a man working on something on a computer", "an older gentleman reads news about newspaper and an older magazine", "a man at a table with people standing around and sitting", "man looking at newspaper holding a cell phone", "young woman seated at a table writing", "a black a man round black birthday black - glass a chocolate black man penguin black", "two people in the foreground are several people, a woman, a man and", "the people are standing and seated around a table", "a man in a black shirt and glasses using a laptop", "a close up of a woman with glasses eating cake", "black a man men a men black black men black people black black long - man", "a man wearing glasses and a black shirt is playing a game with a controller", "woman reading photographs wearing black mock while several women stand in the background", "the all newspaper people looking reading newspaper men reading looking looking the working as man reading", "two ladies enjoying an glasses of wine champagne glasses and an empty wine glass", "a man in black shirts and a man wearing a black shirt and some people", "a man using a cellphone to talk on a paper", "a close - up of man looking intently", "a woman in black shirt working with her laptop", "a close up of two people at a round table and a man sitting at a", "in black he black men black black black black black black black men men black black"], ["two male friends from a youth friendly internet source", "two males play a wii match using the remote", "a male in a black shirt is holding two wii remote controls", "pair of young men standing up playing nintendo wii in front of the camera", "two men holding game controllers next to each other", "two men standing next to each other with video game controllers", "a man with a remote in his hands holding the control of a video game controller", "men in t - shirts stand in a room", "the three young men are standing in the same room", "a two both the males two two two the standing man nintendo men the and gamer", "a young man is playing wii in a room", "two men are holding laptop computers in a room", "a couple of men standing next to each other on a floor", "two smiling men holding nintendo wii remotes", "two men standing in front of each other with remotes", "two young men, one is holding a wii game controller, standing next to a", "two men standing next to each other, one wearing a yellow shirt", "two guys standing next to each other while holding a nintendo wii remote", "two young adults are playing a video game", "youngsters standing smiling while having a great time", "two teenagers sitting on a bench laughing while one boy poses for the camera", "two young men standing together wearing yellow shirts", "two men standing next to each other together", "two men posing for the camera looking at the camera", "two men stand in the foreground with controllers in their hands", "two men in a room holding remotes playing a video game", "two guys with dark shirts and short sleeves stand in an office and play a game", "two guys standing while they play a wii game", "the two people are playing wii video game together", "two men hold remotes while standing in front of a crowd", "two men standing next to each other holding nintendo remotes", "two guys smile while holding wii controllers", "two men are playing video games while other people watch", "two boys standing next to each other holding wii remotes", "a couple of people playing a game in a room", "two men are playing video - games together at a gathering", "two men playing the wii controller together in playmates", "two men standing next to each other while wearing black shirts", "two men standing next to each other in front of glass doors", "two friends standing back to back with the camera close to one another", "the two boys are playing games with a remote", "a pair of friends standing together playing a video game in an office building", "a couple of young men standing next to each other", "two men that are wearing yellow shirts posing for the camera", "people two playing two guys black to boy guy - black geek one t nintendo in", "a man and woman are posing for a picture in a black and black shirt", "two men standing and holding a video game controller", "two men with yellow shirts on stand together", "two people are wearing black and yellow shirts", "two men standing next to each other holding video game controllers", "a man standing next to another man in a yellow t shirt", "a group of men standing in a room playing game", "standing two wii guy playing friends wii a two joy three nintendo one young wii two", "two men stand next to each other in a large room", "two men standing next to each other and happy", "a close up of two male standing with video game controllers", "two smiling men with a yellow shirt and another wearing a yellow shirt", "two men standing one holding a video game remote control", "a couple of men standing around with wii controllers", "two men are playing on the wii at the event", "two men stand and play wii in front of people", "two men standing side by side in a living room", "two man in glasses are standing playing a game", "two males are standing and smiling in the room", "two men are holding nintendo wii controllers, and both are pointing one and another", "two smiling smiling men each holding a video game remote", "two men in black and white shirts playing board games together", "two men playing on the wii while holding remote controllers that hold a controller", "two young men, the man holding wii wii game controls while the male in black", "two young men in black and yellow shirts posing for a picture", "a pair of young men with a tee shirt that reads", "two guys with wii game controllers while one plays one", "two men in yellow shirts holding a wii controller", "two guys smile and smile while holding wii controllers", "two men standing next to each other at a meeting", "two young people posing for a camera", "three men are sitting outside with a child sitting down", "the guys are playing the wii in the room", "two young men with wii controllers", "two men smiling for a camera while holding wii remotes", "two boys playing the nintendo classic wii", "men two boys males, smiling friends teenager smiles t guy smiles two in a two", "men holding wii controllers standing next to each other", "two young men standing next much together and playing video games", "two smiling guys are holding wii controllers with wii remotes", "two smiling men standing in a room", "two men in brown and gold shirts standing in a house", "a couple of guys holding game controllers", "this male man is playing a wii video game", "a picture of two guys playing video games", "two men smiling next to each other and holding wii controllers in their hands", "a couple of guys standing next to each other", "men standing together holding their hands on their hipss", "a young man stand with a game controller while a group sits around and looks at", "two men and one woman are wearing yellow shirts", "two men are standing next to each other", "two men two holding nintendo wii controllers with smiling faces", "a group of young men holding wii controllers", "two men standing next to each other holding remotes in their hands", "a couple of guys that are wearing black and yellow shirts"], ["people sat in lounge chairs smiling for the camera", "four women sitting together eating food outside", "a group of four women seated together at an ice cream shop", "four women smiling at the camera in the park", "three women all pose for a picture, one in black", "four girls are seated laughing for a picture", "a group of women sitting down smiling for the camera", "women five female ladies - on people outdoor women women women women sitting girls people three", "a happy photo with three friend from left", "a group of female students sitting together outside", "three women sitting close together smiling", "two women posing for the camera next to a white woman", "a group of women laugh while sitting", "some woman some are posing for a picture together", "a group of smiling women are sitting outside", "four girls smiling at the camera a the two to the left stands", "a group of young women sitting next to each other", "ladies standing in a green field smiling by three people", "five girls sitting on a brick patio smiling for the camera", "four smiling sitting friends people smiles smiles smile four friends three in that smiles laughing,", "some people smile for the camera on a lawn", "a group of women outside on a day", "three girls in a group share a laugh with a friend", "four ladies smiling while sitting together smiling and laughing", "some people sitting on lawn chairs in a grassy area", "five women are sitting on some grass, each young", "a group of three women sit outside together", "three women are sitting on a bench for a day out", "four women sitting on a bench, enjoying a ice cream treat", "two black female friends posing for the camera", "three girls sitting smiling while holding strawberries", "a group of girls all smiling a the same thing", "a bunch of women smile and laugh together", "some women sit on the grass together in front of the sun while taking a break", "people sitting in lawn chairs outside and one person is not seen", "five women wearing black smiling for the camera", "this image shows three women enjoying drinks and ice cream", "a group of young women sitting on a wooden bench", "four women all wearing black and one is brown", "three white women all smiling and four red women all sitting next to each other", "posing there women women women a ladies three ladies female three three girls three wearing three", "three ladies at a picnic together sitting smiling", "three girls sitting on the grass and a man smiling", "four women sitting together while laughing for camera", "three female friends laughing and posing while sitting in a grass covered field", "three women holding small birds and holding their drinks and looking at a camera", "four people standing outside smiling and holding a bottle", "three girls sitting at the base of the photo, one from the right with the", "four smiling women smile like they're taking a vacation", "ladies three four women people four 3 four 3 all a four four the women women", "some beautiful women posing for a photo in front of their camera", "three smiling women with two of them laughing", "four laughing ladies sit together smiling with their thumbs up on their phones", "a group of women are posing close together", "a few people sitting together while having drinks", "four ladies sitting down while smiling", "a group of girls smiling at the camera on a sunny day", "group of women sitting around in a field eating", "three smiling women sitting next to each other on a grass covered ground", "some women smiling while sitting and smiling one is posing", "some people that are sitting together in a chair", "three women sitting side by side and smiling while one with an ice cream cone", "a group of women siting in an outdoor field and pose", "four women are smiling for a picture while posing", "some young ladies sitting on a bench", "friends having fun at a wedding", "girls laughing all about game playing in the tv television", "four girls making a laughing picture with another laughing", "four women sitting outside, smiling, smiling, two of them all wears black and", "three women smiling at the camera while holding drinks and hot dogs on a sunny day", "a group of people sitting next to each other smiling", "three smiling smile ladies sitting near smiling woman", "five women sitting on a grass field", "a group of women are sitting on chairs and smiling", "three women are standing smiling for the camera", "several beautiful women sitting on metal chairs in a chair", "three ladies four four three group group five group group group group four group group group", "four women sitting on a wooden bench eating lunch", "four beautiful women sitting and sitting on the ground", "nine four women sitting outside sitting in lawn chairs, their cell glasses are cell phones", "three women sitting together on a bench next to a barrel", "a group of women sitting on park benches", "some group of women posing together for camera", "women sitting the three sitting four sitting in girls four two outdoors three people people a", "four ladies sitting and smiling for a photo in a group", "a group of students smiling and sitting on a bench outside", "five girls are sitting and smiling at an event", "four women sitting to one smiling to the camera", "a group of friends laughing and smiling for a picture", "a group of women sitting down next to each other", "three girls smiling for the camera as they sit down for a photo", "a group of three women sitting on two wooden benches", "the three students of the girls in black were taking the picture together", "this photo has five girls all smiling and laughing together", "three young people posing for a photo in front of others", "three woman sitting against each other posing for a photo", "four women sit together holding bags and a wine bottle", "four ladies sitting out for a coffee break", "four ladies eating in a park and smiling at the camera", "three ladies laughs with a bunch of laughing face"], ["the woman is smiling in front of a pie", "a woman sitting at a table in front of an appliance pie", "a pizza and a woman at a table", "a cheese pepper at pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza", "a woman in a top is looking at a pizza", "woman has a large large pie, in front of her", "a woman poses next to a plate of food", "a woman in a black sleeve neck shirt sitting next to a pizza", "a person sitting in front of a pizza on top of a table", "a woman showing her pizza before eat", "a woman smiling while standing in with a pizza", "a woman is smiling at the camera and smiling and sitting next to giant large crust", "a woman with a black blouse and black top with a pizza on a plate", "small pizza pizza pie pizza cheese pizza pizza a pizza pepper pizza pizza deep cheese pizza", "a woman standing in front of a sliced pizza", "a woman posing posing in front an un large pizza", "an image of a pizza at a restaurant table", "a and a in a a lady in the in a a sitting sitting of two", "a person in a black shirt and smile near a pizza", "slice cheese pan at woman a pizza a a looking and pizza cheese pizza that sits", "a large pizza sitting on top of a table", "a woman sitting down and enjoying this restaurant", "a woman in black shirt standing near large pizza", "a woman sitting at a table with a freshly cooked pizza", "an asian woman sitting next to a large pizza with pizza", "a lady sitting at a table with two delicious pizzas and soda", "a whole pizza in front of the tv with a woman holding it in front of", "a pizza full of cheese cheese and cheese topping", "a lady sitting next to a pizza in a box", "a woman sitting at a table looking at a pizza", "a woman standing and some close to a pizza on a table, there is woman", "a woman is sitting and smiling with a pizza in tow", "the woman is wearing tights and blouse near an open and empty pizza", "a pizza cheese pizza - and an pizza pizza cheese pizza pizza cheese cheese cheese cheese", "a woman sitting at a table, in front of a very large cheese pizza", "woman with a large half - eaten pizza at a table", "a lady sitting at a table with a pizza, a paper", "a woman smiling and posing for a picture", "woman in black shirt and sunglasses next to large cheese - pizza", "pizza pizza pizza pizza pizza crust sitting with pizza a pizza pizza pizza a cheese and", "there is a woman that is posing by the box", "a beautiful woman standing next to a large pizza", "the pizza has a woman in a hat and a black shirt on", "woman sitting at a table of food with a television in the background", "this is a woman smiling for the camera", "a woman smiling and a hand taking a photo of a pizza", "girl sitting at table at the computer in front of two watching people", "a pizza with cheese on a pizza crust", "a smiling woman sitting next to a soda coke and a black lunch cup", "lady preparing to grab and eat a large pizza", "a black shirt woman sitting at a table for a pizza", "a black dotted printed shirt sitting at a table with a pizza", "a woman in a brightly patterned dots dress is smiling and holding a drink", "table pizza a a a cheese cheese pizza cheese large pizza pie cheese a the slice", "someone sitting at a table eating in a restaurant", "a lady sitting down next to a cup that is full of water", "a whole pizza sitting between three cups of soda", "pizza pizza a woman black she on cheese cheese pizza cheese with a in pizza in", "a woman at a table with a giant paper plate", "a woman next to a large pizza on a table", "woman wearing a black dress while eating an entreed pizza", "a woman sitting at a table with a pizza", "a woman sitting in the restaurant eating and drinking a beverage", "pie with pizza the pie by a pizza pizza cheese the and a pizza slice at", "a woman with a woman in a black top is at a restaurant that's", "a woman in a black top is eating pizza", "a large pizza is on the wooden table", "the woman is sitting behind a pizza on the table", "a woman with glasses is smiling and is wearing a birthday hat", "a woman sits in front of a large deep fried pizza in the shape of a", "a women in a short black shirt holding a big pizza", "a women who is sitting next to a big pizza", "a girl in a black shirt eats a pizza", "a picture of a large pizza at a vendt pizza lounge", "there pizza cheese large pizza giant big pizza pizza pizza cheese cheese pie pizza pizza pizza", "a woman poses next to a cheese with spinach pizza", "a woman smiling next to a cheesy pizza and soda", "a large thick crust pizza with cheese is on a table", "the woman sits beside her pizza, ready to prepare to serve", "a woman sitting next to a bottle of water", "a woman sits behind a little girl with a big smile", "a woman sitting in front of a very thick pizza", "a woman wearing glasses has a large slice of pizza", "a girl wearing a black shirt is standing in front of some red pepsi", "a pizza sits in front of a woman sitting at a table", "the large pizza has many cheese sauce on it", "a woman looking forward with a very tasy, tasty looking pizza", "woman near pizza with white box and open lid", "woman wearing glasses and wearing a black sweater smiles at camera", "a woman poses with a pizza in front of her", "a guy posing for a photo with a smile on her face", "a woman smiling for a picture in front of her large pizza", "a woman sitting at a dinner table with a large pizza", "a woman with a glasses and a camera that is on a television screen", "a girl is taking a picture of a huge pizza", "a women is smiling as she eats a pizza", "this is an indian woman smiling while posing for a photo", "a lady with a paper plate in front of a pizza", "a woman sitting at a table with pepperoni italian pizza", "a woman sits in front of a cheque head"]]}, {"question_id": 1321330, "question": "Is it true that there is at most 1 image that contains exactly 2 plates that are on dark table?", "answer": "no", "captions": [["three plates filled with sandwiches are on top of a table", "a couple of plates of some kind with white plates and plates", "there are three plates on the table and two with tea latte", "plates dishes plates white plates plates plates plates plates sandwiches two plates plates sub plates sandwiches", "four plates of foods are on a dinning table", "large plates of sandwiches on top of a wooden table", "a small meal is on plates next to small bowls", "plates full of different foods sit on a wooden table", "a table with two plates of food on it", "capuchio, coffee latte, and plates of coffee special coffees", "plates of food containing two different types of coffee next to another one", "some plates and plates with some sandwiches on them", "an image of three white plate plates with coffee on them", "plates with plates with plates that have two cups of a latte latte", "plates of food sitting on a table with plates of coffee and teas", "two plates of food is sitting on a table in front of a gray wall", "two plates of coffee and food with a coffee latte", "a restaurant table has four plates on dishes at the side", "three plates with plates of food on them", "two plates of sandwiches and cups of tea on a table", "five plates with frittes and cups of coffee sit on the same plates", "plates of food with two coffee cups are on the table", "three plates of food set on white on a table", "two plates of coffee on top of white plates", "a couple of desserts on white plates next to two cups of coffee", "three plates on a table with different dishes and bowls", "this is a table with plates holding sandwiches for the same size", "plates of sandwiches sit on a table, with one with a large sandwich", "two white plates sitting on top of a wood table", "plates of sandwiches and coffee of choice", "four plates of food and coffee sit on a table", "plates with white plates on them hold two sandwiches on three different plates", "some plates on a wooden table with white plates", "2 white plates with three plates with two small plates on white plates", "white plates with white food sitting on top of a wooden table", "in plates plates plate plates tables and plates - and platess plates plates in plates", "white plated dishes containing two plates, plates with food on them", "a table with two plates with white plates and plates with sandwiches on them", "two plates of plates of different type on a dining table near a window", "three plates with white plates holding food are on white plates", "two plates of food sit on the table", "a table with white plates of food on top of it", "plates of food sit on two small plates on a table", "plates sitting on four white plates on top of white plates", "place setting where one plate of coffee could be served", "salad from food, plates and a side of sandwiches", "five plates of food sitting on a table", "a table with four plates on it with coffee cup and saucers", "a table with plates of food and coffee and a latte latte next to", "four plates with two white plates have plates with sandwiches on one of them", "a table with plates of food on them", "white plates of food on table next to 2 white plates on plates", "many plates of different type of breakfast dishes", "plates table set 2 the plates with a table of three white plates set in all", "two plates are on a table and plates on plates", "two halves left and one half sitting on plates", "a table displays three white plates of food on plates", "three white plates filled with sandwich on top of a table", "a table with white plates and four plates with cups", "four plates of food sit on plates, on which are small white plates", "four plates with plates on a brown table", "two plates of food are set with cups of coffee on white plates", "two plates have two plates with dishes of sandwiches", "a plate trio of two plates of salad sandwiches", "plates and plates of different types of food are set on some white plates", "there are four plates of pancakes for two to be eaten", "3 plates filled with sandwiches on white plates", "three plates of coffee and two plates with beverages on them", "the plates and plates show two plates of coffee and the plates are on a table", "two plates are set out on a table", "a table that has plates and cups on it with coffee", "coffees and plates with bowls of soup sitting on top of a table", "two plates and two plates with a sandwich", "two slices of fish and grede cheese are sitting on two plates", "a complete meal served in four plates, some on the other plate and a small", "four plates of coffee sitting on table, four plates of different coffees on plates", "four plates with food sitting on the plates and another plate with food on it", "two plates filled with cakes and coffees", "two plates and two plates of food on a table", "a table with some plates with plates of food", "plates plates plates plates trio plates lunch plates plates plates plates plates plates plates sandwiches plates", "three plates with a number of different plates on them", "a table with two plates of food and a plate on the dinner plate", "a white table with plates of food on them", "plates with a meal on them are sitting on a table", "a table with three white plates on it, four plates on each plate, and", "a brown table topped with three white plates filled with plates of food", "a couple of plates of sandwiches on a table", "three white plates topped with plates of food", "three plates with plates and cups on white plates", "a meal on plates which have mushrooms on them, and a burger with green peppers", "a couple of plates that are on some plates", "three plates on a table with a knife and napkins and utensils", "three plates of coffee and two white plates with a plate of coffee and a two", "there are various plates and plates of food on a table", "three plates of plates with plates of food on them", "four white plates with white flowers displayed on white dishes served on white plates", "two plates on a table with a sandwich and a drink", "two plates with food on them with a person sitting on the side", "a brown table topped with plates and saucers"], ["a bedroom with three lamps with mirror on the wall", "a view of an empty room, a nightstand mirror and two light", "a neatly - made bed with two lamps on each end and one table lamp on", "a small small table and desk and night tables", "single bed and lamp lamps with floral prints are in a hotel room", "an neatly hotel bed with wallpaper with flowers and stripes", "a bed with a small desk and lamp next to it", "picture of small bathroom with yellow striped yellow wallpaper", "a picture frame frame with photos sitting above a table", "a well made up bed sitting next to a wooden table", "a view of multiple pictures hang on a bedroom wall", "a bed has a bed with a neatly made bed", "two lamps on each side of a wall with a yellow background", "a dark wood desk with a wooden bedside table", "an office photo hangs on a wall above some wooden end tables", "a wooden side table and a nightstand with a glass topped lamp", "this is a bed that is made with a neatly made bed", "a light near a mirror in a room", "the bed has a large patterned quilt on the bed", "a bed with a green comforter laying on a bed", "a simple bed with a floral blanket next to a desk", "a bedroom scene with focus on the neatly made bed", "a small table sitting by a table desk table", "a bedroom in hotel room with a wood table and glass lamps", "a small bed has a floral print comforter on it", "a desk at table in front of a large wooden desk", "a mattress and a phone on a table", "a small bedroom with a bed and a bed nightstand on table", "a small desk with a mirror and picture on the wall", "picture frames are hanging above the floor lamps", "white and gray bedding and furniture and flower blue carpeting", "a bed on a sunny bedding covered with twin size bedspread", "a nightstand - table with a small desk standing out in the corner of this bedroom", "a neatly decorated bedroom, with table drawers and small nightstand", "a small bedroom with yellow striped walls and striped wall decor", "a bedroom with a bedspread and a bed", "the bed in a bedroom with a lamp and floor lamp next to stripeing", "this room has blue carpet and a tea tray and table", "a bed with a bed spread sitting under yellow striped wallpaper", "black desk computer table with black legs and table top", "a white toilet is parked on it by two picture frames", "flowers of many colors on a room in shades", "a room features a desk, table, and chair", "a bedroom has a dresser and bedside table next to a bed", "a small lamp sitting next to a wooden table", "a bedroom is clean and is yellow with yellow stripes", "an unusual wooden side table with a lamp on top", "a bed that is made up with a wooden frame", "the room has flower bed covers and yellow walls", "a bed sitting inside of a bedroom next to a wall", "a bedroom with a bedpren and yellow striped wallpaper", "picture photographs frame the the bed two three picture photograph two birds pictures on a picture", "a wood table with night table with two pictures on a wall above them", "a shot of a table and a table of wood", "a bedroom sits with desk by dresser", "a bedroom with yellow striped walls and wooden furniture", "a desk with a tv sitting on top of a table", "a bed with a neatly made bed in a hotel room", "a picture of a small desk and a table", "a bed that has a green bed with a comforter and a bed linen", "the bed has a floral blanket on it", "picture hangs on a wall above a bed", "a dark wood table with a drawer that has a brown top", "a bed in a room on a bed room", "bed and bedside tables in a bedroom with yellow striped walls and furniture", "this is a bedroom with a bed and a night table", "a bed with a white cover and matching a lamp", "a small bed is made up in the yellow wall", "a dresser by a mirror and night table", "looking at a well made bed in a bedroom", "a view of an empty bedroom with a bed", "the nightstand is in the bedroom with picture frames on the wall", "small made bed in the corner of a bedroom", "a small bed sitting in a bedroom next to a table", "three photographs on a wall with one hanging beside the wall", "a desk that has two lamps on it", "the bedroom has a carpet and green carpet and a yellow wall", "a wooden lamp stand with two stand lamps standing on a table", "bed, twin lamps, nightstands, and table lamps are seen", "three photographs frames on a wall above a table", "a bed with a wooden headboard and a mirror with a lamp next to it", "a living room showing some white furnishings and two wall mounted televisions", "two pictures hanging over a bed with three desk lamps", "the bedspread has two white pillows on it's headboard", "the bedroom room is a photo of a picture from the photo hanging", "a table with two lamps on it and a phone on the table", "a side table with a mirror and a mirror on the wall", "bed bed twin blanket pillow neatly hotel bed bed a a bed an picture twin bed", "the a and bedside comfortable small an the a has the made bed bed a bed", "a yellow - bed room with two small desk lamps two wood nightstand tables", "bed with folded sheet and two different red striped sheets on a bed sheet", "a bed with a printed comforter sitting at the bottom of the sheets", "a bed with a headboard in a room", "a table in a small room with a little shelf and lamp", "bedroom beds a wood nightstand bed bedroom bed head wooden brown wood wooden wood is nightstand", "a hotel bedroom with a large wooden bed and a small desk and mirror", "a empty bedsize bed sits in a dimly lit room", "a small bed made neatly has room - bed - beds", "a bedroom with a king sheet in the corner", "a bedroom with a bed, side tables and desks"], ["cheese pizza sitting on a plate on a plate", "a plate of tomatoes siting on wood, table beside a wooden table", "table made of wood on plate on plate on metal bowl", "wooden white pizza cheese a white table plate and, pizza cheese a white - wooden", "a wooden table with a plate that has a green plate on it", "a table covered in a pizza without one slice cut", "a plate sitting on a table with salad on top of it", "someone has ordered a freshly made plain pizza", "a pizza on a table with vegetables and seasonings", "a plate of pizza with lots of cheese", "a home made pizza on a plate on a wooden table", "a pizza sitting on top of a wooden table", "a small plate sitting on a table filled with lots of food", "a full pizza on a table next to a packet of a condom", "a pizza on a table, sitting on a white plate", "plate on a table with a small plate of small tomatoes", "a wooden table with some white plate on a plate with a wooden dining table", "a plate topped with a pizza on top of a wooden table", "a small pizza sitting on top of a white plate on a wooden table", "a large plate of cooked pizza is served on a wooden table", "a plate of italian food sits on a wooden table", "a white plate that has a large pizza on it", "a pizza siting on a table ready to be served", "a small small vegetable pizza on a table", "a pizza sitting on a white plate on a table", "a dinner plate with a sliced a pizza on a wood table", "a small pizza prepared on the wooden table", "a round plate plate on a table sitting on a brown plate", "a pizza on a plate with white plate by a glass of water", "a small pizza with all kinds of greens on it", "a dish sits on a plate on a wood table", "a person's hand holding up a half finished fresh pizza", "a white plate is holding a pizza and a glass of wine", "a plate of pizza with spinach leaves on top of a table", "a small pizza on a bowl on a white plate", "made on spin, the in cheese small pizza pizza a a a a small small", "a white plate containing a homemade pizza and snack sitting on a wooden table", "a pizza on white plate on wooden table", "a pizza made with veal, mozzarella, and cheeses is on", "a wooden table with a white plate of different foods", "small personal pizza sitting on a white plate on a wooden table", "the dinner is served on an outdoor table", "vegetables a plate ready a plate the pizza on the, plate dish white and white", "a close up of a pizza on a tray on a table", "a white plate holding a tomato and season tomatoes", "some spinach sitting on a pizza on a plate", "a table topped with a cheese pizza on a plate", "a white plate in a plate on a table", "pizza pizza pizza pizza pizza pizza pizza pizza pizza - pizza pizza pizza pizza a pizza", "a close up of a plate on a white plate", "a white plate with a pizza on it sitting on a table", "a pizza is on a white plate sitting on a table", "a personal sized pizza with a lot of cheese and olives", "there is a large white plate with a small crust pizza on it", "a plate filled with a plate of pizza on a table", "a plate of food that includes lettuce and cheese", "small pizza sitting on a plate on a table", "a small whole slice of a pizza topped with tomatoes", "a white plate topped with a pizza covered in tomatoes", "a plate full of fresh vegetables and cheese on a bowl at a table", "a plate with a small pizza and a pizza packet sitting near by there", "an empty plate on a table with a glass of orange juice", "a pizza is on a white plate on a table", "the lunch plate is full of cooked vegetables", "a white plate with a pizza on it on wooden outdoor table", "a white plate on wood table of a table", "an uncored small pizza on a big plate on a table", "a small personal pizza with various toppings sits on a white plate", "a very big pizza that is on a table", "a plate of home made pizza sitting on a table", "large white plate on a table wooden table on the outdoor table", "a pizza with cheese and tomatoes on a white background", "a pizza on a round white plate on a wooden table", "a white plate with spinach and other toppings", "a white pizza on a white plate sitting on a salad", "meal of cheese and herbs on a plate on a table", "a pizza on a plate on a table", "this plate has cheese, mushrooms and green leafy arugula on it", "the pizza is ready for the big day", "a small personal pizza and glass of wine is on the table on the table", "a pizza on a plate is on a white plate", "a plate sitting on top of a wooden planky table", "small pizza served on plate on wooden bench", "a white pizza sitting on top of a table next to a packet of packets of", "a small pizza on a plate on a table", "a pizza with toppings on a plate placed on a plate on a wooden table", "a pizza that is on a plate on a table", "tomatoes, pepper peppers and cherry tomatoes are sitting on an plate", "a green leaf pizza sits on top of a table", "a whole pizza topped with tomatoes, cheese and a sauce on a white plate", "a round pizza sitting on a table surrounded by a table", "round shaped pizza is sitting on a white plate", "a plate sits on a wooden table by wood benches", "a white plate on a wooden table with a white plate", "a white plate on a wooden table that holds a beer drink", "a personal sized pizza sitting in a white bowl", "on a a a white pizza a a there is plate wooden on a a large", "a white plate on a table on a wooden table pizza", "a pizza sits on a plate on a plate", "personal pizza is topped with toppings, parmesan cheese"], ["fork laying on a white plate on a plate on a table", "a table with drinks and white plates on it", "a large serving plate on a wooden table", "a table with a plate and plateware sitting on it", "a white dish of wine on a plate", "a white plate with a very thin cheese cream sitting on a table", "a brown table with a white plate and a white flat on a plate resting on", "a paper plate holds a large white table", "a plate with a pizza on it on a counter", "a pizza pie is on the table next to water glasses", "a table filled with plates and a large plate of wine", "a very big personal size pizza sitting on a white plate on a table", "the plate holds a cheese and basil pizza", "a wooden table topped with a large platter filled with cheeses and cheese pizza", "a wooden table has two small wine glasses, a white plate, and clear glasses", "pan of pizza on plate in front of plate sitting on a table", "a slice of pizza sitting on a wooden table", "a plate topped with a white plate filled with plated food", "a plate and two plates on a wooden table", "wine glasses and wine on a table next to a large pizza and some water", "the home beer a big white pizza big pizza plate the big pizza a table at", "round white plate the white glasses two champagne place and wine wine white glass beer a", "wine glasses beer beer set on wine setting beer alone alone beer tasting wine wine wine", "a pizza sits on a plate on a restaurant dining table", "a wooden table topped with plates on top of it", "a white plate topped with a platter of cheese on top of a table", "a small white plate with a pizza on it next to silverware", "a large white plate of food on a table", "a pizza on plate, plastic wine glasses, and plates", "a pizza sits on a small plate, set for lunch people", "a table top that has a table with a wooden table near a glass of beer", "a large white plate with a pizza and two white plates with glasses on a table", "a plate sitting on a wooden cutting table with a knife and fork", "the table is being a wooden table with the dining table", "a personal pizza sitting on a white dish on a table", "a white plate is displayed on a table with plates of food", "a decorative table set at a restaurant, and dishes", "a pizza sitting on top of a small pizza on a white plate", "a small pizza on a white plate on a table", "a pizza place cheese home wine wine wine white a wooden pizza dinner wines italian over", "a plate a glass wine and water water plates glasses", "a pizza on a plate on a plate on a table", "a pizza sitting on a white plate on a wooden table top", "pizza is pizza table pizza plate a large fork dinner pizza large serving and pizza served", "a large plate on a table is sitting next to a glass of wine", "a freshly made pizza on a white plate decorated with place settings", "three people at a table to both dinner, two people, one of them sitting", "a plate holds a giant platter, near plate and plates of dishes", "pizza pizza pizza slice cheese cheese pizza pizza a, plate a pizza pizza table white", "a pizza sitting on a white plate on a table", "a paper plate with a plate on it displaying a dinner meal", "a plate on a table, filled with plates and plates and knives", "a small pizza is on a plate on a white plate", "plate a plate a wine olive a plates a plates plate a white half on three", "a whole pizza set against all the glass of white wine", "a plate on top of a white plate sitting on a white plate", "plate this and is pizza a cheese, full pizza pizza pizza large pizza pizza plate", "and plate plate an plate is large white on plate large plates a this plate a", "a full white plate sits on a white plate on a white plate", "a plate of pizza sitting on a white plate on a white plate", "a couple of plates, plates, plates, and knife on a table", "a place setting with plates, plates and wine glasses", "the white white plate plate plate platt plate a fork and pie plates pizza white plate", "a wood table topped with a white plate in front of a full pie", "a white plate sitting on top of a wooden table", "a pizza is sliced on the plate outside on the table", "a round plate a pizza and a fork and silverware on a brown table", " plates pie one white silver dining table with white white plate plates pizza white in", "a large plate with a dish on it, sits ready to be eaten", "a plate of forks and a plate on a white, round, decorated plate", "a plate of food on a table with a empty glass next to it", "a wooden table topped with a white plate filled with lots of pizza", "an 18 deep dish pizza prepared for a meal is sitting on a table in a", "a table that has plates on it with plates on the table next to it", "a pizza on a plate sitting on a plate on a table", "a large plate of food on a table", "a wooden table containing dinner plates and a white plate on there dinner plate", "a very large pizza on a round white plate on a wooden table", "a wooden table topped with a big round plate", "a pizza on a plate sitting on a dinner plate", "a big plate of pizza is on a large table", "a white plate sitting on the table with a meal on it", "cheese on a pan on a plate with a wine glass on the table", "a large white plate sitting on a wooden table", "white plate sitting on a table with plates and glasses", "large pizza in large, white plate with olive slices and the olives placed on", "the plates are filled with a small amount of food", "a plate with a pizza on it sit in front of three wine glasses", "a plate of pizza and a glass of wine in front of it", "a table with plates on it and water glasses", "a plate on table with plates on a plate with a pizza", "a large, fresh pizza sitting on a plate with a fork and knife and spoon", "a large white plate on a wooden table", "a plate on a plate on a table with paper plates sitting on the table", "a plate of food and plates of wine on a table", "whole plate on table topped with empty plates and white empty plates", "a white plate that is sitting on a table", "a plate sitting on a table with white plates", "a pizza sitting on top of a white plate next to a fork", "a homemade pizza with lots of cheese and melted cheese"], ["three hello kitty hello kitty hello hello hello kitty paper plates plates hello kitty hello hello", "three children sitting at a round table with plates of food on them", "three little girls sit at hello kitty plates, a hello kitty bowl and a hello", "a table that has a white table with a small table with three blue plates", "several blue paper plates on a table with blue plates at the circular table", "a table in a small garden set out to eat on", "a wooden railing with four children around plates holding plates", "three small children with plastic plates with hello kitty food on them", "group of children sitting at a table eating", "some young ladies are sitting at a round table preparing to make funny faces", "a group of hello hello kitty hello kitty hello kitty hello kitty hello kitty kitty '", "round table table a four sitting tables three table set table white round table round children", "children are eating plates in blue plates while a third is sitting on blue", "there is no image here to provide an article about", "a table with a four blue plates and a three blue blue plates", "a group of young children eating ice cream sundaes", "group of young children having birthday at a small table", "the girls sitting around the table are eating some delicious treats", "a child with a hello kitty face and four plates eating chocolate cake", "a group of kids sitting at a table eating a dessert", "a group of kids sit around eating and drinking", "some cupcakes and blue plates that are on table", "two plates with cupcakes and hello kitty hello hello hello kitty hello kitty cake", "small kids eating food on colorful paper plates and blue plates", "three children sitting at plates eating blue plates", "a family enjoying cake, chocolate, and ice cream on plates", "the hello kitty hello kitty hello kitty hello kitty hello kitty hello hello hello kitty hello", "three girls sitting at table with plates and plates with a blue plate on the plates", "two small children are sitting outside some dinner plates", "three girls sitting at table eating a cake", "a group of children having chocolate desert plates decorated in cake", "an outdoor outdoor dining table with a white table cloth", "three kids holding plates on a table with plastic trays", "a hello kitty plate with hello kitty blue plate place settings", "a number of baby plates sit on one table", "a table that is outside on top of it", "three kids are eating cake and ice cream and dark chocolate on a blue birthday plate", "three children sitting each other while eating party plates", "young girls sitting at a table with plates and blue paper plates", "a table covered with blue plates and blue chairs", "hello kitty table set with hello kitty plates and plates", "young children at a table eating cake for a party", "some paper blue plates and two bowls on top of a table", "there are four kids eating at the table", "a group of four people sitting around a table with plates on plates", "the table has hello kitty hello kitty hello kitty plate is plates and paper plates with", "children eating blue plates of cake cake on small plates sitting at the table", "a white table with plates and blue plates holding three blue blue china plates", "the young child is enjoying his meal outside", "a group of kids eating cake at blue plates", "there are three kids sitting at a table eating desserts", "a hello kitty theme is on top of various plates", "three little hello kitty happy kitty hello kitty plates sitting on a wooden fence, while", "three children plates of dessert at each table", "four kids sitting at a table eating dessert", "two plates sit on the table at three plates that sit on the table", "three girls eat dessert on blue china plates", "a group of kids are holding plates near paper dishes", "three girls sitting on a table sitting at a set of blue plates", "the children are eating on the patio table", "a group of little kids sitting at a white table", "a group of children around a table eating deserts", "three little girls are sitting around a table in a patio", "children at hello kitty hello hello hello hello hello hello kitty hello kitty hello kitty hello", "children eat hello kitty hello cat shaped plates on hello kitty hello kitty blue plates", "four young kids have plates and dinner on a table outside", "a number of plates on a table with drinks", "a hello kitty kitty hello kitty lunch plates that have hello kitty hello kitty plates and", "paper plates blue plates plates four plates plates plates kids paper plates plates plates plates plates", "a table with four plates of blue and whiteware", "the children are eating at the table, with plates of blue paper plates", "table sitting and eating for sit sitting small plates plates dining round plates din plate outside", "two babies eat at a small round table made entirely out of plats of paper", "a group of girls sitting at a table with plates", "a table table plates plates white plates - plates plates plates plates plate plates plates plate", "a small little girl that is sitting outside eating", "three little girls sitting at a table with a cake", "a round table covered in blue plates and paper plates", "a group of girls stand around a table holding hello kitty plates and giving the three", "kids at a table eating cake", "the children sitting at the table have plates of food", "group of girls sit at tables eating at a table", "a group of little girls sitting around a table eating cake from paper plates", "a table is topped with blue plate chargers", "the toddler are sitting at each table eating out some little blue plates", "several hello kitty plates and plastic plates arranged in a table", "a group of small children at a patio patio eating plates and their plates", "two small children sit around plates on a table", "small children sit at three plastic plates at a table where the kids are sitting", "hello kitty paper plate holders for hello kitty plates with hello kitty cake", "four kids are sitting down at a round table eating out of plates", "a few girls sitting at hello kitty hello hello hello kitty hello kitty hello kitty hello", "a group of young children at plate tops", "three children sitting at a plate eat at the round table", "a white table with blue plates and a bunch of children", "there are three kids eating at their plates together", "kids sit at a table with blue paper plates and plates set on it", "a group of children eating at a round table", "three plates of blue plates on blue plates, two of white plates on blue bowls", "three pretty girl plated plates and hello kitty plates with hello kitty plates"]]}, {"question_id": 5665769, "question": "Is the man above a skateboard or carrying it?", "answer": "carrying", "captions": [["someone laying on a skateboard, with a leg and a knee in the shot", "a skateboard and a skate board lying on a person's back", "a person sitting up as he holds a skate loaded board with a picture on it", "a long skate board attached to the edge of chair", "one person is shown resting on a skateboard in the drivers seat of a car", "a skateboard laying between a flat leg in the vehicle", "a skateboard and it's board with it", "skate the skate skate skate skate surf skate skate of skate skate skate skate skate skate", "a skateboard is sitting upright up by the car window", "a skateboard that is sitting upright to a car", "a skateboard is left in the hand at a skate board trick", "a person has their skateboard laying on his back while lying in the seat of", "skate on skate with fallen in looking skate top skate skate a broken skater by skate", "skateboard left in seat of car on car seat", "a skateboard lies down next to the seat of a car", "a a skateboard skate skate skating skate skate skate skate skate skate skate skate skate", "a skateboard and its reflection laying on a table", "a small skateboard layed on the leg of a person", "a skateboard stuck up in the floor with three skateboards and two dumb", "person with a foot and a skateboard resting on top of them", "a skateboard on its side resting on top of another", "skate the skate skate skate on skate board a skate skate penny skate skate in skate", "painted the looking a skate colorful skate skate wooden skate skate skate hand board skate skate", "a skateboard with an animal on the back of the skateboard with it being", "two skateboards under a skateboard laying on a seat under the lap of a", "a skate board rests resting on the armrest of a car", "a skate skate skate skate skate skate on skate skate skate skate skate fish skate skate", "a skateboard and a skateboard lying on a seat", "a skate board lying on it's side with two baseball bats in it", "skateboard and some red wheels sitting in a room", "skate skate skate skate skate a a a on orange skate skate skate skate skate long", "a skateboard sitting on a stand up with the skate board", "someone skating their skateboard in the middle of a kickboard trick", "a close up of a skateboard laying on a person's feet", "skate hand skate skate skate - that on flip board cruiser skate skate lying foot a", "a skateboard with its skateboard laying on its feet", "a skate board with two purple wheels sits in a car", "a skateboard that is next to someone's left jeans", "a skateboard lays on a flat surface in front of the vehicle", "skating skate'underside skate skate skate skate skate by skate skate skate skate mini skate", "an open car seat with a skateboard laying in it's pocket", "a skateboard with a skateboard attached to it", "picture skate flip skate skate back skate small skate skate skate skate skate skate skate skate", "the skateboard is laying on top of a seat", "a skateboard underneath someone holding the bottom of a skate board with the bottom on", "a skateboard sitting on top of the pedal seat of a car", "a skaterboard that is leaning down but is upside", "a skateboard that is laying next to the seat of human", "skate skate skate skate skate skate skate skate skate skate begin skate skate lying skate a", "a skateboard is laying on the seat of a car", "a skateboard sitting on the seat of a car", "lying skate skate board skate skate cruiser photo in in skate f cruiser old skate skate", "an on board with a skateboard on it", "a person holding a skateboard in their right hand", "skateboard with a skate board sitting on top of it", "a skateboard and his skateboard and its kickers in a vehicle", "skateboard with a skate board upside down on it", "skate skate skate skate skate skate'in this skate penny skate skate skate skate next", "a hand holding a skateboard while they sit in a car", "a skateboard with a wooden deck laying on the seat of a car", "a skateboard and foot next to inside of a truck", "a toy board with a one skate board with one of the feet on it", "a skateboard and two wooden skate sticks are laying on the seat", "a skateboard sitting on its foot lying on a car", "skate skate skate skate fish old skate skate skate skater skate complete a penny skate skate", "a skateboard in a car with its skate board extended,", "a skateboard sitting on top of a car and a long board", "the skateboard sits in the seat of someone sitting", "a skate board laying on the boot of someone using their feet", "a skate board sitting upright on the back of the car", "a long board that is leaning down on the floor", "a skateboard lays atop another skate board with other underneath it", "a close up of a long bike with skateboard attached to it", "a person with their foot and a skateboard propped up in the lap of a", "skate skate skate skate skate skate skate skate skate skate a long flip skate skate skate", "a close - up of a skateboard on someone's right leg and a", "this is an image of a skateboard attached to a skateboard laying up", "skate skate underneath skate surf skate skate skate skate skate someone skate skate skate with skate", "a skateboard rests against one hand of a person", "is is skate skate underside a board in an skate skate skate flip skate a skate", "an empty skateboard sitting on top of another skateboard", "a skateboard is the skate board on top of the car", "close up of a skateboard lying on a car seat", "a skate board is laying on the feet of a person", "the skateboard is laying on the seat of the car", "a skate board is upside down on someone", "a closeup of the underside of a skateboard sitting in a car", "a person holding an orange skateboard sitting on top of a car floor", "two orange skateboards resting on a persons foot", "skate begin in a complete, a small skateboard skate skate skate board on skate", "an orange skateboard lying next to the back of someone's leg", "a skateboard is laying on top of a longboard", "a skateboard sits on person's leg with lower limb", "a skate board lays on the seat in a car", "a skateboard propped up with the back of someone's leg", "a skateboard sitting above someone holding a skateboard", "a skateboard lies down as is propped up on a board", "flip board skate board with skateboard cover sitting up close to a persons lower left", "a skateboard that is lying down on the ground", "a skateboard has been strapped up to the seat"], ["man holding skies and a snow ski and he has a snowboard on his hands", "it shows a man walking with skies and a pair of skiboard with skis", "two people walking in the snow holding skateboards, skis and a pair of", "ski walks ski two walking skier walking as skate walking two skate walking walking while walking", "male in a black jacket walking down in winter with ski and ski boards and a", "a man walking with snow skies carrying a snowboard and snow skis and a", "a guy in a wet wetsuit walking and holding his skis", "a of walking walkers in walking walking two - and three - young surfer to commuter", "a person with skies, skies, snow board, and a skateboard holding ski", "walking skate the the, walking going walking with snow carrying snow ski with walking stroll", "man walking with skies and skis holding two snow boards and skies", "a man holding ski skies carrying his two ski poles", "man carrying his snow board and snowboards with one hand holding a ski and snow", "a man stroll walking going ski pedestrian walking black walking couple walking man male skate down", "a couple of people walking with two each holding ski poles, snow skis,", "a young man stands with their backpack and skateboard", "two people in the snow, one with a man holding skis and a pair", "two men walk with their ski gear and ski skis with ski bindinger ski", "two skiers walk down a street with their skiboards and holding snow skies ski", "ski skier, skier and skier and snow skier carrying skis", "a pair of people walking across a snowy street holding skis and skies", "a man with a skiboard and his ski skis is walking with skis", "the skier is walking down the street the man is walking", "two people walking in the snow with skis and snowboard", "the boy is standing out in snow while carrying skiboards and ski poles on his", "the skier is walking, holding a skiboard and ski board", "man walks down the street with his ski poles and a pair of skis carrying", "man carrying ski, ski and snow ski - ski with his poles up to him", "a smiling man holding a snow ski, ski and a skiboard, a man", "a man that with skies and skis carrying his snowboard", "a boy with a hat and skis, holds his snowboard, skis", "two men walking and carrying ski boards and skis", "a person with a pair of jeans and skis and skis carrying ski and", "a snow skier walking with his ski ski with a pair of skies", "a guy with a snowboard in his hand holding skis and carrying a pair", "two men walking in the snow carrying snow boards, carrying ski, a young man", "a man smiles as he walks with a ski, snowboard, snowboard,", "ski a with skiing two skate skier man skier with walk ski looking walking as skate", "walk smiling skiing on walks ski as ski skier skate skiing is skier walk ski skiing", "skiing walking and skier man - the holding man skier walking carrying walking carrying walking holds", "smiling walking carrying skate people with ski skate guy walking in while snow a guy ski", "a man standing holding a ski and a with a deck and skis on the", "a man walking with skis and skis carrying two skis and a snow", "two people walking with a man holding a snowboard and a snowboard", "a young man carrying skis and snowboards is holding his skis and skies", "two guys walking down a residential street with their winter gear", "young man carrying a bag, a skiboard, and a camera", "a man walking in the snow holds a snow board and snow skis", "two people walking around in the snow with ski, skateboards and a man with", "walking walking walking going walking crossing snow skiing walking skate walks holding skate ski walking walking", "person that is walking carrying a snowboard and holding skies and a board and a", "two people walking with snow and skis while a man walks with a skier and", "while man man ski skier man skier a skier holding skier down skier, ski skiing", "a man walking down a street with with a pair of ski and skis and", "ski walking in snow in in skiing while man skier with with man smiling holding skier", "a man holding skis and snow skis walks away with his skate board and", "walk man snow ski walking - skate ski walking walking man holding is walking walking holding", "two snow boarding skiers are walking across a paved street", "a group of people walking down a city street", "a person with a snowboard and a backpack and snowboard", "couple of people walking while holding ski and skiis carrying their snowboards", "a man is holding his pair of skis holding his skis and cross -", "man skier carrying man with skier skate a ski walking walking snow in by walking holding", "a man carrying four skis carrying his cross - country skiboards and a pair", "two people walking with skis and a snowboard and a pair of skis", "a man holding a snowboard and a pair of skiboards holding a bag and", "man walking wearing sneakers and red skis holding a snow board and a ski ski", "a man holding skies ski ski and skio holding a snowboard and a holding", "a person carrying ski skis holding ski ski and ski ski poles is holding ski", "a man walks with skies, a snow skisho and a skateboard as he", "a man holding skies, snow skis and a white backpack", "skier walking skier skier walking with skier the walk skating smiling cross ski ski skier while", "a young male with a pair of skis and a kit is ready to go", "a man holding some skis holding an electric snow skier", "two men holding ski skii and ski poles while holding their skies holding skiing ski", "on skiing with skier snowy he wearing skater posing and skate as with skier with walking", "an individual with ski and ski boards with ski poles and a bag", "the man holding skis, skies, and snow skis smiles while holding a", "a person with skis while walking with a skateboard and snow skis on", "two people walking with his skies, ski skis, and a snowboard", "it male carries winter walking skier holding he a ski skate skating ski snow skier holding", "a man carrying a ski and snowboard and a skiboard", "a cross skier from germany carries his ski ski kit for a walk", "two men walking with two holding a pair of ski and two skies", "a young man walking wearing skis holding a skateboard, a pair of ski", "a man holding a skateboard walks with a skateboard", "a male skier is walking in the snow", "a man with skis walking with a skier and his ski board", "two guys out walking with skiing and ski skis", "there is a man with a young man who has a skate board and a bag", "a boy is walking with a frisbee, a snowboard, and a", "a person walking on the snowy field holding skis and skishoes", "a person walking with a skier holding a snowboard and a ski", "ski guy ski a walking holding and two with walking walking snow skate wearing is the", "winter a walking walking snow skiing skier walking to walking walking at while out one while", "a man carrying two ski ski and a pair of shoes carrying a skier and a", "a man holding skiers holding a ski frame and holding skis", "a young pair of people with two snowboard and one of them with his equipment", "a boy walking down a street holding two skis and a board", "three people with skies, snowboards and skis holding a pair and a pair"], ["a boy with a skateboard and bag in his hand stand with his shirt on", "smiling boy holding a skateboard and skateboard on his shoulder", "a smiling boy holds up his skateboard while frowning at the camera", "a kid with a skate board and a skateboard", "a young child holding a skateboard and a small bag in hand", "and boy boy child skater boy this young posing poses", "a child is holding a skateboard on one arm", "a young boy with a bag and skateboard in hand", "a child with a skaterboard and skate board", "the child holding the skateboard and the skateboard has his hands attached to the", "a the child a this a a a skate a a a small skate there boy", "a young boy holding a skateboard on his arm", "boy holding the boy smile a boy boy boy child a boy holding a boy holding", "a young boy standing with a skateboard and a wrist brace and wrist gloves", "a boy is holding his skateboard with his bag on it", "a young boy holding a skateboard and skateboard", "skate skate a skate skate boy with skate with elbow skate with the skate he skate", "a young boy with his skateboard and a skateboard", "a boy smiles as he holds a skateboard", "a young boy posing for a picture with a skateboard", "a boy with a skateboard is holding a skateboard", "a kid with a pair of braces on his wrist and skateboard", "smiling holding holding with young posing skate boy black child his looking boy boy skating skate", "a teenager carries his skateboard and roller skateboard", "a boy smiles as he holds a skateboard and a skateboard", "a boy holds his skateboard on their back", "the boy is wearing black holding a skateboard with a fire on it", "a boy with a skate board standing next to his arm", "a young boy wearing a t shirt and holding a ramp board", "boy with a black shirt and a skateboard on his left hand", "a young boy standing holding a skateboard and a skate board", "boy holding onto a skateboard and a skateboard", "a very boy standing in front of the he camera", "a young boy standing outside with his skateboard and skateboard behind the helmet of", "a young boy holding two skateboard boards and smiles at the camera smiles", "a boy dressed in black with a skate board", "a boy with a bag on his shoulders", "a boy poses for the camera with a skateboard and skateboard", "skate young, boys a his boy skate boy holding he skate, boy skate with", "a young boy holding a skateboard and skateboard along a sidewalk", "a portrait photo of a boy dressed holding a skateboard", "boy boy skate his picture school a young", "he carrying skate the teen boy he a a skate skate a holding carrying someone,", "boy posing with boy, happy he boys blond kid the boy smiling little one photo", "skater a a skate boy t boy young skating roller boy", "small boy with a skateboard smiles for the camera", "in boy boy t boy skate smiling and young to skate boy boy he a sons", "his there child boy with boy wearing with boy one this the skate and boy holding", "a boy holding a skateboard and holding a skate board", "a young boy with a skateboard on the sidewalk", "a young boy with a skateboard skate skate skate board with skate skate and skate", "a kid a young young boy he boy boy skate skate boy boy boys boy boy", "a young a a skate with holding skate wearing boy one posing posing by skate a", "a boy that shows the smiling - his photo shot", "a skater is a a a skate poses skate skate young a boy a little is", "a young boy in the teenager skateboard poses while a skateboard", "a and boy child boy skate boy boy about young boys and boy smiling skate boy", " looking a skate a and a todd skate holding carrying a posing a skate skater", "small boy holding a skateboard carrying a skateboard with his face turned to the", "a photo of a skate board carrying a skate board", "a kid getting ready to play with a skateboard and skate board", "a young skateboarder wearing a shirt holding his skateboard", "a boy standing with a skate board and a skateboard", "a boy holding skate board on a head board", "a young boy carrying his skateboard and arm braces standing with his skateboard", "young young skateboy holding skateboard board and skate board", "the skate boy boy a boy young young age he wearing boy boy his skate with", "a smiling boy with a skateboard in his hand and on the elbow", "young boy with a skateboard posing for a picture", "a boy with his skateboard a smile", "a boy with elbow leg arm forearm and a bag that holding his skateboard", "a boy in his younger age with his skateboard", "a young boy holding a skate board wearing a tattoo arm tattoos", "child holding the skateboard on his hip band", "a little boy with a skateboard standing next to a lawn", "a young man holds his skateboard on a empty street", "boy with arms and wrist holding a skateboard", "boy the boy boy a skate skate a this skate a photo skate boy holds skate", "a skateboard skateboard, a photo of a boy with a skateboard the", "a kid showing a skateboard with his skateboard in his hand", "a young boy holding a skateboard and wearing an arm brace", "a boy smiles while holding a skate board", "a boy holding a skateboard and wrist band holds a skateboard", "boy smiling and holding a skateboard in a neighborhood", "a young boy holding a skateboard with ramp board on one side", "a boy holding a skate board that says skateboard", "a boy stands holding a skateboard and it's about to be held", "a young boy balancing his skate board with his skateboard", "a boy holding a skate board on the ground", "a boy with a skateboard standing in front of a car", "a young boy with wrist straps holding of his skateboard", "a young boy in a shirt holding a skateboard", "a young boy holding a skateboard and a skateboard", "small a skate skate boy the park small the a, skate a skate the a", "a boy skate school, holds a with skate teenager a the a a and a", "a boy with a skate ramp board and his skateboard", "a smileed little one - year old boy holding a skateboard while standing the", "a young boy holding a skateboard over his left shoulder", "a boy holding a skateboard on his hands, and smiles at the camera,", "a boy with a skate board is holding a skate board with a skateboard attached"]]}, {"question_id": 428500, "question": "Do all eggs that are on a sandwich have the same color?", "answer": "no", "captions": [["fried fried fried meat and grit rice eggs eggs rice stir egg eggs eggs scrambled eggs", "sausage and eggs on a bed of rice and an egg on a plate", "close up of an egg and breakfast plate", "a plate of eggs and om egg and carrots next to eggs", "eggs eggs egg is eggs breakfast fried sausage eggs eggs and eggs - cooked plate a", "a plate of eggs, scrambled eggs and meat", "a plate of vegetables, carrot, a breakfast egg, and carrot carrot carrots", "eggs eggs fried egg eggs eggs eggs eggs eggs orange carrot carrot carrot eggs fried carrot", "eggs eggs fried eggs eggs eggs eggs egg eggs eggs eggs egg eggs eggs breakfast eggs", "food egg eggs eggs eggs eggs eggs breakfast egg eggs eggs egg plate eggs orange eggs", "a white plate filled with eggs and fried egg, eggs and bacon on the side", "white plate with fried hashom and eggs and a fried egg", "an egg and two carrots and a fried egg", "a breakfast plate of sausage, carrot carrots and eggs", "a plate full of assorted food, eggs and carrots", "the food is on a white and white plate", "cooked and fried egg is on an orange surface", "eggs egg egg eggs egg eggs eggs eggs eggs eggs fried eggs eggs eggs eggs eggs", "a plate with eggs, bacon, eggs, and an egg on a plate", "a big plate with meat, vegetables and eggs on it", "a meal of carrots and carrot carrots and meat", "a plate of carrot carrots, carrot carrots, and onions with a fried", "carrot carrot the eggs egg eggs carrot eggs fried eggs eggs eggs eggs eggs eggs eggs", "meal served with rice and eggs on a plate", "a large plate of food with rice, eggs and some bacon", "eggs egg fry eggs egg eggs egg eggs eggs egg egg eggs eggs eggs eggs eggs", "a plate of eggs eggs an egg and scrambled egg", "an egg, meat dinner and cooked carrots on a plate", "a brown plate topped with meat, rice and egg", "a plate of eggs, fried eggs and boiled eggs, as served with other breakfast", "a plate of some meat and some carrots", "a plate of food with fried eggs, meat and fried egg", "asian meal on a white plate on the table", "a plate of fried egg, rices, and carrots on a plate", "a plate full of meat and carrots with an egg, and some carrot carrot", "a large plate with meat, eggs, and eggs and fried eggs", "a plate of food and a fried egg and some carrots", "a bowl full of food sitting on a plate", "it looks like someone has gotten to some rice with carrots on it", "a plate of food and eggs, carrots and eggs with eggs on a plate", "a plate with eggs and eggs on a plate", "eggs and a fried egg are on a plate", "a plate of stir fry, carrots, and an egg", "a plate has a fried eggs, brown rice, and carrots", "a plate that has eggs and meat on it", "a food with eggs an an eggs on a plate", "an up close photo of food is shown", "a plate contains carrots and meat on a plate and a tomato orange table cloth", "a plate of food, eggs, an egg, and an egg yolk", "eggs, eggs, eggs and an egg, omly on top of half an", "the food was prepared to be cooked with carrots and carrots", "plate plate plate it a breakfast some eggs eggs rice on egg eggs egg sausage meal", "a plate filled with carrots, meat and an egg", "an egg and rice on a plate near a fork", "a plate full of carrots an egg with a fork", "an omelet, egg, and food on a plate", "an image of there is a plate of food available", "a piece of cake and eggs are served on a plate", "the delicious breakfast has been fried, an egg, and meat with an egg", "a plate with cooked meat, eggs, carrots, an egg yosh and", "egg and sausage with bacon and fried egg", "a plate with dinner on a table at an outside restaurant", "a brown plate holding a piece of steak, rice, and two eggs on it", "eggs br eggs egg beans breakfast breakfast breakfast eggs egg eggs eggs egg - eggs eggs", "a plate of food with carrots, vegetables, and eggs", "food and eggs on a plate close to some meat", "fried eggs and carrots over an eggs and eggs and hashbroin,", "a fried egg, carrots and eggs are on the table", "eggs eggs eggs beans and eggs breakfast eggs om eggs eggs eggs egg the", "a steak and carrots with an egg and some carrots", "meat slices and eggs are on the table ready to be eaten", "eggs breakfast carrot carrot carrot carrot carrot eggs eggs eggs eggs eggs stir eggs chicken carrot", "an egg on a white plate beside some fried an egg and roasted carrots", "this plate of food has beans, an egg, and carrots", "a well - cooked egg on the next to carrot carrots, eggs, a", "a plate of food with eggs and carrots and an egg", "eggs egg orange eggs breakfast eggs eggs scrambled egg eggs eggs fried plate eggs eggs breakfast", "eggs fried eggs breakfast eggs eggs eggs eggs eggs egg eggs egg eggs fried egg egg", "a fried egg, hash, and an egg on a plate", "an egg, meat, and carrots on a plate", "a meal called the eggs and eggs is on a plate near the egg", "a white plate on the table is prepared to be eaten", "a plate of food with rice, carrots and eggs", "a plate of food with a egg and veggies", "a plate of food on a white plate with a egg and carrots on top", "a meal made with carrots, eggs and carrots", "a plate with eggs, carrots and carrots on a table", "close up of a plate of food with eggs on the plate", "a plate of food that includes carrots and carrots", "two eggs and various types of meat are sitting on this plate", "a fried egg egg and a sliced carrots and some eggs", "a plate of food that includes eggs, rice, eggs and meat", "a bowl full of food including eggs, fried egg and toast", "food is on a plate ready to be placed on a table", "a plate of rice, lettuce and eggs", "eggs and some carrots with eggs and carrots on a plate", "a an eggs egg plate eggs eggs egg fried eggs egg eggs egg fried eggs eggs", "brown plate of food on white plate with white om egg", "eggs egg scrambled eggs eggs egg eggs eggs eggs eggs eggs meat egg eggs food eggs", "a fried egg, fried eggs and carrots on a plate"], ["two dinner plates with different types of food, one side is full", "some pizza sitting on a table on top of a white plate", "a slice of cheese and vegetable pizza at pie time and it has also its topping", "a pizza there there pizza pizza large the pizza plate pizza thick pizza a small cheese", "it's been a little hot lunch day yet i do have little pizzas", "pi on pizza pizza pizza pepper pizza pizza pizza topping pizza pizza pizza crust pizza pizza", "three different types of food are placed together", "small pizza, this is a small pizza, on a plate", "a whole pizza and two sliced lemon wedges", "a pizza on a table on a brown wooden table", "a pizza topped with various toppings on a plate", "three full pizzas on a table laid out", "there is a meal on top of a table", "a small meal is sitting on plates on a table", "a long table with two dishes with different pizzas on it", "pepperoni on a pizza is displayed on a plate", "various plates of food with a large pile on one of each", "there is pizza on a plate next to tomatoes", "three dishes of pizza, sitting on a table", "a small square pizza with three toppings on a white platter", "two white plates with different pizzas on them", "four plates that have some pizza on them", "some food plated for one sitting on a table", "two large rectangular plates of food on a table", "a pizza sitting on top of a pizza pan", "two small plates on a table with some food on it", "some pizzas that are laying out on plates", "close up of pepperoni pizza with various pastries on the side", "a meal including pizza and meats on white plates", "a pizza on the plate on a table", "large low plate pizza pizza cheese a white rectangular pizza pizza pizza slices two pizza slice", "a view of a pepperoni and sausage pizza on two long plates", "several plates of food that are on the table, on a table", "personal pizza white pizza pan pizza pizza pizza pizza sausage dish pizza pizza pizza served and", "several plates containing pizza on plates with pepperoni", "a pizza on three white plates on a table", "a pizza sitting on top of a white plate", "a close up of a pizza and other different toppings of vegetables", "personal pepperoni pizza is served on a table", "a pizza with various items on a tray on a table", "this is several large plates of pizza on a table", "different types and plates of food on a wood table", "pepper pizza pizza pepper pizza cheese pizza and homemade pepper pepper the pepper topped pizza per", "several rectangular pieces of pizza on small silver platters", "a pizza with mushrooms is on close up on a table", "pizza toppings topped with crust, and other pizzas", "pizza pepper pizza pizza pizza different - pizza pizza pizza, pizza pizza four white pizza", "a half of a sliced pizza on a table", "a table with white plates containing a plate of pizza", "a pizza sitting on top of a white plate on a table", "some plates of pizza and a fork on it", "the pizza is cooked and served near beer and snacks", "two pizzas are on a white plate with plates with large white plates around it", "a close up of a pie with green leaves on it", "large rectangular pans of food on a table", "a pizza with pepperoni and cheese and cheese", "a number of plates of pizza and a dish on a table", "a pizza in serving flat white rectangular white plates", "several plates that have pizza slices in front of a table full of chicken wings", "some meats and peppers on a tray, including broccoli, rice and", "an image of a pizza that is delicious and healthy", "there the pepperoni pizza and an assorted pizza", "a meal with many items sitting on a table", "two plates of pizza spread of fried food", "two pizzas, one topped with pepperoni and one topped with parcum tomatoes", "a pan of food is displayed at the table", "the pizza is delicious and ready to be eaten", "four pizzas with fresh mushrooms on them and toppings on the pizza crust", "a close up of a pizza, with pizza slices on it", "a slice of pizza and spinach on a white plate", "the table of food is prepared to eat with several sides", "a dinner platter of pizza on a table", "the pizza is served for a large meal of pizza", "home made pizza being served on a very thin italian pizza", "two pizzas are on a table facing away", "a cheese pizza has pepperoni on it on a table", "pizza pizza pizza pizza pizza pizza - pizza pizza pizza pizza pizza pizza pizza pizza pizza", "the food, the wine and the drink is set up in a dim restaurant setting", "two pizzas next to a pile of greens on a table", "a pizza is on a plate on a table", "a pizza with some sauce on it as well as meatballs", "pizza a plate a pizza small pepper pepper pizza two plates sausage plates the two platt", "some pizza sitting in a dish next to a salad", "two serving plates with different types of restaurant food", "pizza, pizza pizza pizza pizza pizza personal pizza pizza pizza and pan pizza pizza pizza", "there is a table that has a pizza and a green salad on a table", "a sliced pizza sitting on a plate next to a plate of greens", "a pizza with sauce on it next to many plates", "large plates pizza pizza pizza flat two pizza pizza plates the white domino plates pizza pizza", "some very tasty looking pizzas sitting on a table", "various platters of food on display on plates", "a pizza and salad on a table on a table with various food items", "some pizza sitting on a table with a glass of soda", "a close up of plates of pizza on a table", "a table topped with two pizza next to one another", "there this cheese and pepperoni pizza dish", "there there are two large slices of pizza", "some pizza and fried meat on two white plates", "the pizza has pepperoni on it and there are many different foods", "pan this pizza a pizza pizza pepper pizza pizza pizza pizza pizza pizza, plate and"], ["a croissant breakfast sandwich with a croissant on the side", "a crois cart egg egg egg eggs photo", "a breakfast breakfast sandwich and egg - scramble on a platter", "a meal consisting of a sandwich and egg and hash, on a plate", "a breakfast sandwich sits on a white platter with a silver ware", "a breakfast sandwich with egg, cheese, scrambled scramble and tomatoes", "om breakfast breakfast breakfast om egg egg breakfast in egg breakfast breakfast breakfast egg breakfast scrambled", "a croissant egg sandwich with english cheese and an egg in a cream egg", "a breakfast sandwich with eggs and bread", "an egg and breakfast croissant sandwich with a side of hash browns", "on breakfast sandwiches breakfast egg egg cr egg scramble egg egg eggs cr egg egg sandwich", "a breakfast sandwich on a plate with croissants", "scrambled eggs sunny eggs scrambled and cheddam breakfast sandwich", "there is a breakfast in a plate with the sandwich on the plate next to a", "a croissant egg egg roll is next to bread", "egg breakfast egg egg egg breakfast sandwich eggs cr egg chicken egg eggs breakfast egg scrambled", "an egg in a breakfast sandwich laying on a plate", "a breakfast meal egg egg breakfast egg and eggs", "an egg egg breakfast with cheese and cheddam on it that is plated", "a sandwich and eggs on a plate on a table", "egg breakfast sandwich on toasted egg with potatoes", "a breakfast plate egg egg om egg egg half om egg egg egg two oval a", "a plate of breakfast eggs breakfast is on a croissant", "a breakfast croissant breakfast sandwich is a delicious combination with egg and scrambled", "a large plate of eggmilk breakfast sandwiches", "egg egg breakfast and breakfast hash browns on a plate", "eggs egg in egg egg breakfast eggs egg egg eggs egg breakfast breakfast breakfast eggs egg", "breakfast egg a eggs breakfast breakfast egg plate on breakfast eggs plate over scrambled cafe egg", "cr breakfast breakfast breakfast breakfast scrambled breakfast scrambled cr scrambled breakfast egg scrambled breakfast breakfast eggs", "an eggs egg sandwiches, breakfast scrambled egg breakfast and fries", "a breakfast sandwich sits on a roll with eggs", "a croissant sandwich with egg and a half - eaten egg roll, hash", "an omloy french sandwich, eggs, scrambled eggs and a half sandwich om", "scrambled egg breakfast sandwich sitting on a plate on the table", "an egg egg sandwich sits on a plate with a silver plate", "a croissant sandwich is filled with a breakfast omelet", "a sandwich and a coffee sit on a white plate", "an egg and croissant breakfast sandwich on a croissant", "a breakfast sandwich on croiset with eggs, scrambled scramble and hash browns", "breakfast plate, scrambled egg sandwich, egg salad and scrambled cheese", "an eggs for eggs sandwich with scrambled omelet", "a white and blue oval platter with an egg and cheese sandwich on it", "the breakfast croissant breakfast sandwich with breakfast egg scrambled white sandwiches, eggs,", "the breakfast sandwich is placed on the counter top", "egg egg breakfast sandwich on croissant roll with a side of egg and mayo", "a breakfast sandwich with eggs and potatoes is on a table", "a crois sandwich with an egg and an om om egg", "breakfast cheese egg roll and a egg sandwich", "breakfast an egg egg egg cheese egg sandwiches egg sandwiches sandwich hash english breakfast egg egg", "egg scramble breakfast sandwich on blue, white and blue ring around border", "a egg scramble breakfast with egg yolk and eggs on the side", "a croissant egg breakfast sandwich and breakfast scramble", "a sandwich on a plate with eggs and an egg scramble egg toast", "a breakfast sandwich with egg, egg and hashmile", "an egg, scrambled egg, and a french egg on a croissant sandwich", "breakfast egg egg scrambled scrambled breakfast chicken eggs breakfast sandwich egg sandwich eggs egg egg scrambled", "breakfast sandwich on a breakfast roll with eggs", "a table set for breakfast including coffee cups, silverware and scrambled eggs and a", "a sandwich is sitting on a white plate", "breakfast breakfast cr on breakfast breakfast breakfast breakfast sandwich italian breakfast hamburger breakfast breakfast breakfast sandwiches", "breakfast scrambled cr cr breakfast sandwich eggs eggs breakfast scrambled egg for egg breakfast", "breakfast breakfast with eggs and breakfast scrambled eggs, scramble and scrambled potatoes on a plate", "a white plate filled with food next to a breakfast roll", "a sandwich with cheese on it, a egg and cheese", "an egg scramble breakfast sandwich sits on a small plate", "a breakfast sandwich is on a plate with croissant, eggs and hash browns", "the breakfast sandwich on the plate has a lot of cheese", "a plate of scrambled egg and scrambled eggs in a croissant", "an egg egg sandwich on a plate with a breakfast sandwich between it and scrambled egg", "an egg sandwich on a white and blue plate", "a breakfast burrito is shown on a plate", "an egg om om om, scrambled egg and egg breakfast sandwich", "a plate filled with egg, breakfast sausage and eggs", "a breakfast sandwich with egg, scrambled egg and some french rolls", "a breakfast sandwich and cheese on a plate with a omal egg scramble and che", "a breakfast sandwich and hot breakfast sandwich with egg and sausage", "a close up of a sandwich on a plate", "a close photo of a large sandwich on a roll", "an egg omelet sandwich on a bun covered in scrambled eggs", "breakfast plate with omelet egg and cheese", "a breakfast sandwich with scrambled egg and egg scramble on a table top", "a close up of an omelet, egg and a croiset om", "a french and egg roll sandwich sitting on a plate", "a breakfast breakfast sandwich sits on the counter", "a croche egg sandwich with a slice of egg", "a breakfast sandwich and cheeseburger are sitting on a white napkin", "a plate of food with ham, cheese, eggs, cheese and a crois", "egg egg egg eggs egg egg on egg breakfast chicken lunch eggs eggs eggs roll sandwich", "a breakfast sandwich on an egg sandwich with a stack of hash browns", "a breakfast sandwich at a cafe with an egg", "a breakfast egg egg breakfast sandwich on a plate", "a chicken egg sandwich on a plate with a fork", "breakfast egg on sandwiches breakfast plate breakfast sandwiches breakfast cr breakfast breakfast breakfast breakfast egg egg", "a plate of breakfast with eggs and an omelet", "a white plate that has a plate with a croissant sandwich, eggs and", "on food breakfast breakfast breakfast breakfast sandwich breakfast breakfast fried egg breakfast breakfast breakfast bacon breakfast", "eggs egg breakfast om cr cr breakfast cr eggs cr bacon eggs egg breakfast egg breakfast", "a breakfast sandwich on a plate with eggs and scrambled cheese", "the breakfast egg egg egg sandwich br cr a sandwich egg egg sandwich egg egg sandwich", "a breakfast sandwich sits next to a breakfast salad and croissant"], ["egg egg egg sandwich cheese egg egg egg sandwich and bun breakfast egg egg egg egg", "a breakfast sandwich with egg eggs scrambled and eggs", "a egg sandwich and egg inside of an egg sandwich", "a toasted cheese covered egg sandwich with mustards", "a breakfast egg breakfast sandwich with egg and scrambled cheese", "an egg egg and egg breakfast sandwich with oranges", "a egg, scrambled tofu breakfast sandwich on a plate", "there is a big sandwich that is on the plate", "a sandwich on a yellow wrapping with eggs, an egg, eggs and eggs", "breakfast the egg egg english egg breakfast egg egg eggs breakfast om breakfast egg egg breakfast", "eggs, eggs, and eggs with mayo, scrambled, hard boiled egg with butter", "breakfast sandwich on a plate with eggs, scrambled egg cheese and cheese", "egg egg breakfast on a hamburger plate at a cafe", "there is a egg egg and cheese sandwich next to it", "scrambled egg egg and scrambled eggs on a breakfast sandwich", "an egg lunch on a white plate white with the yellow egg made", "a bacon egg cheese sandwich and a coffee cup", "a breakfast egg bread sitting on its side with eggs egg and egg scrambled egg egg", "a breakfast egg white egg and chedda yellow egg", "eggs scrambled breakfast egg egg bis egg egg sandwich eggs breakfast breakfast half egg breakfast egg", "a large sandwich with eggs and scrambled yogurt on a bun", "che breakfast, a egg egg egg egg egg toast a egg english egg egg egg", "a bacon and egg breakfast sandwich sits on a china paper plate", "a breakfast breakfast sandwich on a toasted bun", "egg salad english muffin breakfast sandwich with scrambled eggs, cheese, and scrambled eggs", "a breakfast sandwich with cheese and egg scramble", "a sandwich that looks like a skull", "a sandwich with a breakfast egg on a golden plate", "a breakfast sandwich with eggs eggs scrambled eggs and scrambled breakfast eggs", "a close up of a breakfast roll on a table next to a cup of coffee", "a sandwich is filled with chicken eggs and an egg mayode", "a breakfast egg, egg and breakfast breakfast sandwhich on a bun", "egg egg egg egg egg breakfast egg egg egg egg eggs in egg egg breakfast egg", "a sandwich sandwich topped with eggs and eggs scrambled", "an egg breakfast breakfast breakfast hamburger has meatloat and eggs", "a breakfast sandwich on an egg egg and yellow scrambled eggs", "an egg sandwich with eggs on a toasted egg egg sandwich that is on a", "a breakfast sandwich is on a gold plate", "eggs and cheese egg scramble breakfast sandwich on a plate", "a sandwich made with egg white and mayonna", "an egg egg breakfast sandwich, with eggs added and scrambled eggs in eggs, on", "egg egg sandwich breakfast egg egg egg egg egg egg breakfast eggs egg egg a egg", "egg salad breakfast sandwich on egg yolk", "a bun egg egg scramble sandwich with french mustard cheese", "a sandwich made of egg and egg in yellow eggs", "a scrambled egg, egg egg, and cheese sandwich", "a sausage burger with eggs eggs and cheese sandwich", "a breakfast breakfast muesli egg egg breakfast sandwich", "breakfast sandwiches with egg and scrambled egg and cheese on white plate", "an egg breakfast on an english bread sandwich", "egg omelet and egg cheese breakfast sandwich with egg yolk", "egg egg egg br sandwiches served on a plate", "a breakfast sandwich is displayed on a table", "eggs eggs breakfast breakfast eggs egg breakfast breakfast breakfast breakfast egg egg egg egg eggs breakfast", "a hot breakfast sandwich made with eggs and omelets", "egg scramble breakfast sandwich on a wooden table", "a round breakfast sandwich sitting on a plate with white decorations", "breakfast english egg, scrambled egg, eggs, and scrambled egg, are cheese,", "a egg egg sandwich on a white plate", "an egg scramble egg sandwich on a breakfast plate", "a breakfast egg sandwich with scrambled egg on toast", "a breakfast sandwich with egg cheese, egg, eggs, and egg scramble", "a sandwich with eggs, scrambled eggs, and an egg egg on a bread roll", "a breakfast sandwiches with egg and cheese sits on an intricate plate", "an egg breakfast sandwich with two pieces of bread", "breakfast egg, scrambled eggs, breakfast sandwich with a side of coffee", "a breakfast egg egg - egg sandwich on a plate", "br the breakfast egg egg big breakfast egg egg sandwich sandwiches breakfast scrambled scrambled egg breakfast", "a breakfast sandwiches with egg and omelet", "a sausage and egg sandwich on a breakfast sandwich", "egg egg scrambled egg and scrambled egg scrambled egg breakfast sandwich", "an egg breakfast sandwich topped with eggs, egg egg and scrambled eggs", "breakfast sandwich with eggs, scrambled egg and cheesy scrambled egg pudding", "eggs, egg and scrambled scrambled egg sandwiches on roll", "a breakfast egg egg egg egg eggs egg scrambled egg egg egg sandwich mu egg egg", "egg breakfast breakfast egg egg egg egg eggs breakfast egg egg eggs hash egg egg breakfast", "a breakfast is on a plate and a cup of coffee", "a breakfast sandwich is shown in a photograph", "a breakfast sandwich on a sausage bun is topped with egg eggs and cheese", "om and eggs breakfast sandwich with an egg and cheese", "a egg in a large bun on a plate", "breakfast breakfast eggs egg breakfast breakfast eggs breakfast egg breakfast an egg breakfast egg egg egg", "bacon egg egg bake and coffee roll on the wooden table", "a half eaten english muffin sandwich with a scrambled egg sandwich", "half of egg breakfast sandwich with egg topped up", "the breakfast sandwich on the charge is on a white plate", "a breakfast eggs egg biscuit sandwich is shown sits on a paper plate", "a breakfast sandwich with eggs breakfast scrambled eggs egg an egg", "an eggburger sandwich that looks like a hamburger", "breakfast breakfast eggs breakfast breakfast egg breakfast b egg breakfast breakfast egg scrambled eggs breakfast egg", "a breakfast sandwich has eggs egg scrambled white eggs scrambled eggs breakfast eggs scrambled egg and", "a large eggburger sandwich sitting on a table plate", "an egg cheese and egg breakfast sandwich with egg", "a breakfast sandwich with egg and eggs", "omelet egg and egg breakfast sandwich on a white plate", "a eggs and cheeseburger sitting next to a cup of water", "a sandwich with egg, cheese, and yellow letters", "egg breakfast egg cheese and cheddam sandwich on english rolls", "breakfast sandwich on top of a breakfast egg, cheese and scrambled egg", "egg and yellow egg breakfast sandwich with sauce next to a coffee cup"], ["a breakfast bun with egg and biscuits on a plate", "breakfast egg eggs br eggs steak and br plate egg eggs egg egg burger hash breakfast", "a burger and a egg on a bun", "a close up of a cooked egg in a plate", "there is a french breakfast on the table", "breakfast breakfast eggs eggs egg eggs eggs eggs egg breakfast eggs egg breakfast diner breakfast br", "scrambled egg over cheese on a bun with a cut out english bread", "a breakfast sandwich has eggs and an egg on a white plate", "a sandwich with eggs and an egg on it", "a breakfast sandwich on a table with eggs and sausage", "a sloppy egg sandwich with a fried egg on top", "a plate of food on a plate with an egg sauce on top of it", "a br scrambled egg on an english breakfast sandwich with a fried egg", "an egg and a hash browns and some fries", "scrambled a a breakfast fried b cheese egg that the egg with egg bread the in", "an egg, tomato, and cheese burger on an uncooked bun with an", "breakfast burger with an hash browns cooked with an egg with a sunny egg and an", "the egg has been placed on a sandwich", "eggs, bacon, tomato, and an egg over a burger with a fried side", "poache egg with grilled bruf on toast, hash - burger", "a breakfast sandwich sitting on top of a roll with a fried egg over it", "the food is on the white stone plate", "a english breakfast at the corner cafe, including fried egg with a fried egg", "a white plate of food that has eggs on it", "a burger and a piece of a biscuit", "a plate of food topped with an egg", "there is no food on this plate with an egg", "a burger with eggs and a bread bread", "grit breakfast bis bis bread a with egg eggs po egg fried eggs egg an egg", "a breakfast sandwich with an egg and a side of hasholi", "a fried egg eggs and breakfast meal on a biscuit", "a burger with toasted bread and an egg on top", "breakfast sandwich with eggs and bacon on it on a white plate", "a poache sandwich with an egg and cottage cheese bun", "a plate is filled with some breakfast food", "plate a breakfast sloppy bis bun bis egg egg po english burr english sausage egg fried", "an egg egg and toasted breakfast on a plate of biscuits", "a burger with an egg and tomato tomato", "plate eggs br egg fried po hamburger to sandwich egg an half eggs hash breakfast hash", "a plate with a fried egg on a fried burger with potatoes and a fried egg", "a white plate with a hamburger and an egg", "an eggs egg and a fried egg for breakfast egg", "eggs eggs egg eggs egg breakfast egg eggs eggs eggs egg eggs eggs egg egg om", "a breakfast sandwich with egg, bacon, tomatoes and cheese slices", "an egg and some meat on a bun", "an eggburger with a burger on it", "a fried egg and poache on a sandwich", "egg egg fried sandwich egg egg egg scrambled meal eggs plate eggs bb egg breakfast eggs", "a fried egg breakfast with sausage and bread", "a breakfast sandwich with eggs, tomatoes and bacon", "a plate of food with a soft boiled egg on it", "po eggs eggs hue egg fried eggs eggs egg fried breakfast eggs, eggs - burger", "a sandwich with mushrooms on top served on an egg on a biscuit", "a breakfast breakfast with eggs, toast, and a fried chick", "a scrambled egg and egg on a breakfast bun", "the meal features a burger and cheese bun", "a sunny breakfast is set up on a bun", "a burger filled with a bacon, egg, and a bun on a bun", "the top of a breakfast sandwich with an egg on a biscuit bun", "fried breakfast burger bb eggs breakfast breakfast breakfast breakfast bacon egg breakfast breakfast turkey egg fried", "a breakfast breakfast sandwich with a egg with egg and fried bread", "an egg on an egg and some brownie breakfast with some breakfast fries", "an egg and a fork sitting on a biscuit roll", "a white plate topped with an egg and toast", "an egg and bacon brineds on a bista roll", "this is a breakfast sandwich with an egg on it", "a breakfast meal consisting of two bread, sunny and run - off eggs and eggs", "open face breakfast sandwich with egg and hash browns", "bacon, eggs, and biscuits on a white biscuit", "an egg sandwich is burger with two bag bread pieces", "an egg sandwich sitting on top of a white plate", "an open faced egg on a small toast with a boiled egg on top", "a breakfast burger with a fried egg on a wooden plate", "breakfast burger an burger and b breakfast breakfast pulled hamburger egg breakfast burger bacon beef mu", "the sandwich is made to look like there is an egg in it", "a person has a sandwich and an egg on top of it", "a hamburger with a fried egg and meat, biscuits, potato wedges", "food with biscuits, an egg, an english muffin, and toast", "an egg fried egg over baked potatoes with an egg and an eggs", "a burger being served with a fried egg on a lettuce bun with toast", "a white plate topped with a burger on top of a bun", "a breakfast plate with egg, bacon and an egg on an english toast", "egg egg, poache and toast muffin on sour cream bun", "a burger and a egg egg are on toasted biscuits", "breakfast breakfast breakfast eggs eggs eggs egg burger sausage bacon white bacon scrambled and egg om", "an egg on meat on a burger with the egg", "home cooked beef and egg breakfast", "fried egg egg & a egg on top", "a sandwich and a egg breakfast breakfast on a white plate", "a fried egg on top of toast and a side of potatoes", "a barbecue and french toast with egg with hash browns", "a white plate filled with english breakfast food and an egg biscuit", "eggs egg eggs eggs toast breakfast cooked eggs eggs breakfast eggs eggs fried breakfast egg egg", "the breakfast in english english breakfast is one egg egg on one bread", "an egg on a bun with a fried egg on it", "an egg on a hamburger with a fries on the side", "a breakfast sandwich with egg and eggs on an english muffin", "food with egg, toast, and egg yolk on a bun", "eggs on a toasted bun with an egg yolk on to the side", "an egg poother sitting on top of a biscuit with an egg on"]]}, {"question_id": 4037269, "question": "Is the train that is near a dirt blue?", "answer": "yes", "captions": [["train traveling train a blue passenger train photo blue blue blue blue blue view a train", "a blue train is speeding along side the water", "blue train passing a river running between a hillside", "a train on a track approaching a stream", "a blue truck in the mountains beside a river", "a train drives by its tracks on a mountain way", "a passenger train rides next to a mountain on passenger railway", "blue passenger train riding along a river next to a train", "a long blue train moving down tracks between the canyons", "a long train driving down train tracks next to a river", "a train travels down a quiet rural country", "a train is going down the track beside grassy hillsides", "a train coming up a hillside, on the track with a blue train", "passenger train a train train the train train a mountain train the train valley rail gravel", "a blue passenger train drives down a track next to a river", "the water flowing down the side of the road, and it is clear", "a blue and silver train along the side rail", "rocky landscape and creek and mountains next to mountain", "a blue and gold train going through a canyon near a blue sky", "the train is travelling over a canyon near water", "a passenger train pulling into a mountain pass", "train passing through the desert next to a body of water", "a blue passenger train traveling through a valley by a river", "a train travels along the side of the river trail", "a long train that is riding through a valley", "a passenger train traveling along tracks near a river", "train passing beside a river next to rocks and gravel", "the train is on the tracks through the rocky canyon", "a blue passenger train on the tracks with hills around it", "a blue and blue train traveling near a river", "a train passing the river next to a rocky terrain", "a blue train running beside a river traveling past rock cliffs", "a train train is next to a river", "a mountain rocky train train and mountains train blue train blue rocky blue blue train blue", "a large train driving down the train track", "a blue and blue train engine passing along mountains", "a train is headed to the destination as a train approaches", "red colorado passenger train passing between the mountains and a stream", "a train traveling through a scenic valley next to a river", "a river flowing through a valley on a lush green hillside", "a train rides in a mountain near mountains", "a train traveling down train tracks by a river", "a train traveling down its tracks along a river", "a view of a train on a train track near a mountain", "the metro train sits about 1 mile north of tucson", "a train travels through a scenic canyon surrounded by cliff", "a railroad train is passing through a river", "a train is going past a rocky area", "train is moving on the railroad tracks near a river", "river river river train a on river canyon rail mountain curve on view the train flowing", "a train train train railroad train rocks mountains mountain a rock train a mountain train along", "a mountain side view of a blue commuter train near a canyon", "bridge train blue train blue blue a blue train train stream river flowing stream train bridge", "a train passes through a narrow narrow part of rocky mountains", "the train is traveling along the river next to the tracks", "a train that is going by some water", "a river flowing next to a lush and rocky river", "a train is traveling along a hillside beside a river", "a passenger train driving next to a mountain next to a river", "the commuter train is stopped on the train tracks", "a train going through a gorge in the mountains", "a blue train going past a mountain side", "a passenger train passing by a body of water", "the train is moving through a valley surrounded by mountains", "train moving across the beautiful and winding rocky canyon", "train a train train the river blue blue train train passenger engine blue blue the blue", "a blue and blue train driving by a body of water", "train train moving through a desert scenery near train tracks", "the train is travelling down the tracks beside the water", "a blue train traveling down tracks beside a river", "a train rolling on a track near water", "the train is traveling on the tracks", "train stopped in a narrow canyon - area between mountains and valleys", "there is a blue train on the train tracks", "a train on a track beside a mountain by a body of water", "long passing a small river through the hills and water", "a train passes below a river on the train", "long train going through a canyon through a canyon", "a train speeding through a mountainous area in the day", "a blue and blue passenger train passes along a river in texas", "a blue train going past a river with a train going side a blue body", "a blue and yellow train sitting next to a river", "a train blue stream blue along a view stream a blue along on blue passenger a", "an image of a train going through the mountain", "a train is making its way down the tracks", "a blue long train passing next to a river", "a train traveling down tracks next to a mountain", "a blue train is traveling by a mountain trail", "a blue train on some tracks next to a river", "a blue train running by a rock formation", "a train driving in the mountain valley from the window", "a blue train traveling down tracks next to a lush green hillside", "this transit train travels down tracks through a country", "a train is going through the mountains by grass and vegetation", "a train with blue windows driving down some tracks", "a bright blue and turquoise passenger train traveling in the mountains", "a long blue train is coming down the tracks", "a passenger train is driving across a mountain side next to a river", "a train passing through the mountains near a valley", "a blue, blue and silver train traveling along side of a mountain"], ["several trains on tracks next to a station", "a yellow train train pulling into a train depot", "the train is arriving at a platform at the station", "a train is sitting on the tracks at the train station", "a train moving on a train track out side a bus station", "a train traveling down a track next to a train station", "train passengers get onto a platform at a train station", "the train passes by an outdoor train station", "a train on a railroad passing a train station across the city", "a train is on the railroad near the station", "a passenger train on its tracks traveling down the tracks near an empty platform", "train the yellow this train a train a train a freight train a train an train", "a train riding on a train track into the country", "train train train train train train train train train train train train train train train commuter", "a yellow and blue train traveling down train tracks", "an image of a train passing under a blue awning", "a yellow and yellow locomotive at a train station", "the tracks can be seen from above during the day light", "a train coming down the tracks near a blue depot", "a train that is on a railroad track", "train train train train train train train class on a train trains train train train train", "people approaching train platform with a locomotive approaching", "a train on the track next to a road", "the train is heading a quiet railway station", "a yellow and silver train traveling down the track at a train station", "a freight train on a narrow track on a sunny day", "passengers walk at a station in the city of pittsburgh", "a train on a train track next to a train station", "a train driving through a train station with a train behind", "people walking to and from the train with a black train on a track", "there is a large train on the tracks", "locomotive train train train a train a train a train the train a with train a", "a train passing by some train tracks on its way", "a train makes its way through town with a train waiting", "a train pulling into the station with passengers on the tracks", "train passes down a train track with an open platform", "train with a yellow train crossing a blue building", "a train pulling down the train near a train stop", "a train on a track next to a small building", "a train passing by a station and station", "a train on the tracks at a station", "a train makes it's way down the train tracks", "a train going by a platform that needs to cross a small field", "a train traveling down train tracks next to a lush green field", "a yellow train coming down the track", "a long train is moving by a crowd of people", "yellow train on a train track near a platform", "a train stops near a train station in the country", "a yellow and blue train on the track with a blue roof and a blue station", "trains trains image a train train trains train railway trains train on train train along train", "a yellow passenger train on tracks passing by a covered railway platform", "the train is coming into a curvel a curvel as a commuter train leaves", "a train is pulling into the train station", "a train is pulling into a station next to a covered train stop", "a train pulled by a train near a platform", "train leaving a train stop with several cars on the tracks", "a train coming down the tracks on a train track", "a train traveling down tracks near some trees", "the train is waiting at the train station on the tracks", "a train traveling down the train tracks near a green field", "a yellow train is travelling down the track", "a train is coming down a track at an elevated station", "a yellow train is riding along steel track tracks", "a train going through a station with many people waiting to go", "a train is stopped on a railroad track at a park station", "a train that is on the train tracks", "a train traveling down tracks next to a small blue tunnel", "a train is going past a train at a station", "a train traveling along tracks next to a lush green field", "trains trains a train a train train a train a train a train one train a", "a long freight train traveling past a wooden platform", "a train is parked at a train station at a train", "a train going down train tracks near a station", "a train traveling down train tracks near a bus stops", "a train at a train station next to a blue shelter", "a platform, a blue gate and blue barrier", "a white train is on the train tracks near a blue fence", "a train is riding under a cloudy blue sky", "a train yard filled with lots of train tracks", "a train is pulling into a stop near a landscape", "a train on the way to the train station on a country", "a yellow train is passing by a blue fence", "a railway on tracks and a small train on the other side", "a train passes on the tracks near a station", "a train going down train tracks in a city", "a train passing a train station with passengers", "a train sitting on the tracks by a blue fence", "a yellow train going down the train tracks and a platform with a blue umbrella,", "a train traveling down tracks near a lush green countryside", "a train on a train track pulling into a station", "a yellow train traveling past people at a train station", "a crowd of people walks along side a train track", "a train traveling down tracks near a blue field", "a train station with a platform and a large blue building", "a train is moving down the railroad", "a train drives down the tracks at a stop near a train station", "a passenger train pulling into a train station", "a freight train traveling down the tracks next to a blue rail bridge", "a train with cars travels down the tracks at a stop", "passenger train arriving at south western city train station"], ["people take a picture out of a snow covered train", "a red passenger train going down the train tracks", "a stop light up in a snowy field with lots of snow", "a train going down the tracks in the mountains", "a red passenger train goes past a construction fence", "a red train going across a snow covered hill", "large fence on the side of a road covered in snow", "train on a train track riding through a snow covered mountain", "the red and white train is traveling down the tracks", "a red train travels down a snow covered slope near a fence", "small train with snow on the tracks and cars near it", "a train engine on skis going through the snow", "electric the ski of ski over pole snow covered red on red ski winter train snow", "ski mountain ski ski snow ski on ski ski ski ski ski skiing ski ski skier", "a close view from the outside, a red train is coming to snow", "a red train is is traveling down the track", "a passenger car with passengers sitting behind the window", "the snow and frost is visible in a snowy area", "a passenger train is sitting on the tracks near the beach on the sunny morning", "a red train traveling through a snow covered slope", "a winter train of some rides with a snowy landscape on", "the snow is piled into the slope and the ground is snow covered", "a very long train car that is on a track", "a red train is traveling through the snow", "a woman walking on the snow next to a train", "train train train trains railway train train train train train ride train train train train train", "there is snow on the ground near a fence", "red and white train passing through a rural area", "an abandoned train station with cars on the tracks", "the train is on a rail through a town", "a big snowy ground covered with snow and a person sitting", "a train rides down the tracks in the snow", "a passenger train on a snowy area under a blue sky", "a view of train cars in train station, with a sky background", "trains of all sizes can be seen here in this photo", "a train passing under a gray sky on tracks", "the white background shows a street sign next to a truck stop and fence", "a red passenger train on icy terrain with snow", "snow and snow is left in the side of the road", "a red train is driving down on a snowy track", "a red train passes by a construction site", "a cable car waiting in an area close to a snowy mountain", "a white train crossing a narrow road in between the snow", "the large snow covered train is on the tracks", "a subway train carrying travelers through the snowy mountains", "the train is moving down the tracks during the snow", "the tracks are in view of a red train on tracks during the day", "a red train on a snow covered train track", "someone standing on a train station in winter", "a train on tracks next to a telephone pole", "a train train is travelling on tracks along the railroad", "a train is traveling through hills and in the snow", "a train makes a moving train tracks on a cold day", "a big red train on a snowy hill near a fence", "a train travels up the tracks during the winter", "a train in the snow parked on the tracks", "a passenger train is traveling over a bridge", "the train is being stopped as a pedestrian is looking out", "the cable car at the top of the mountain, a person is sitting in the", "a view of an empty snow covered sky", "red train approaching from back of train and the snow is covering it's ground", "a skier is on vacation in the winter months", "a commuter train passing on the snow hill", "a train on a snowy road side in the cold snow", "a train that is being turned red by snow", "a red and white train is traveling on the tracks", "a red train passing two people on the train ride down the train", "snow skiing ski skiing winter ski ski snow ski a snow ski ski winter ski snow", "fence in train a rail pass trains a some train a red go train a rail", "a passenger ride train on the track as seen on the train through mountains", "a passenger train on the track on a snowy forest ground", "a red train driving down the highway in winter", "a train in full snow near a fence, with a man wearing orange", "a train next to trees and a house on the sidewalk", "elevated train train passenger a trains mass passenger train the train transportation train train train long", "passenger train traveling past on snowy winter day", "a train on steam tracks with the trees in the background", "a mountain resort building sitting across a snowy slope", "red tracks on a train on a snowy day", "a train travelling through a snowy rural mountain slope", "a train is through snow in the winter", "a passenger train on the snow near the slope", "a red cable at a ski area covered in snow", "a red train car is stopped at the tracks", "a train is coming down the tracks in the snow", "the snow train traveling down a steep slope", "a red trolley traveling on a snow covered rail road slope", "a commuter train traveling on tracks with snow on the ground", "a snowy passenger train traveling on tracks through the snow", "a train is traveling on a track in the snow", "a red train travelling through the winter countryside", "the red mesh is behind an orange safety net at a slope", "a red train is traveling through the woods", "snow is falling on the ground by a train", "a snow - covered ski run in a rural area", "a red train is traveling next to a fence", "a passenger train traveling through the snow on a track", "a passenger train is docked on the tracks", "a red truck in the snow during a summer day", "a train driving on a ski covered hill on a sunny day"], ["a man walks towards a train that is approaching himself", "a train is traveling as a man is looking back at the train", "a train platform filled with trains next to two train train trains", "a train at a station with a platform next to it", "two red train trains on a train track", "two train pulls into the station from the station", "a man walking by the window of a train station", "a passenger shuttle pulling out of a train covered station", "there stands a group of commuter trains stopped at the station", "a man is standing in a train station", "people waiting at a train station near a train", "a man with a beard walking near a station", "a train station with different trains and one on the front of it", "a subway is at busy subway commuter train subway and people walking on the platforms by", "people walk underneath station towards a public train", "a person walks on a concrete concrete floor at a train station", "a, people commuter a people some people people public underground people the people people train", "this is people approaching two trains on the tracks", "walks subway train station train on subway on subway railroad train metro a commuter guy train", "two trains are seen parked side by side", "people are getting on and off and off of a commuter train", "a man walking on a train platform", "people walking into the subway station after a train pulls in", "this man in a grey sweat suit stands next to a train at a station", "subway subway train metro transportation on passengers train trains passengers a commuter a train a a", "the railway train is stopped at the very quiet station", "a person walking on a train platform in an underground station", "people are walking inside of a subway station by trains", "a train train at two train station stopped near a train station", "subway train cars at the station as a train moves by", "a train parked on the at a train station", "a person stands of a trains at a train station in the station with a train", "bus leaving on a train station has passengers boarding", "people walking along the platform of a train station", "a man is walking the edge of a train platform", "train train train tracks train trains on train and pulling train train subway public railway train", "man walking next to subway car and train on track", "a train is parked at a station with people sitting on the benches", "a man with a backpack walks past a train", "passengers a train people commuter there commuter the people people subway a passenger man train passengers", "a man walking towards the ground next to a large silver object", "a train on the train tracks and other transit trains", "a guy looking at the platform while a train approaches", "train train parked at a train station station in a station park - train", "a man poses for an image next to a train train", "train stopped at the station for passengers to get on to the train", "a man is standing in front of a train in a subway station", "a white train on a train track next to a platform", "a train, a train in the train station, and a person standing on the", "an image of a train stop of a train station", "two platforms for trains at a subway station", "a man walking through a station as passenger trains drive by", "a man walk in a subway station near a train", "a subway train station station commuter trains being stopspace and passengers on the other trains", "a man standing on the side of a train station", "a woman in a grey card hoodie with a train in the background", "there are transit trains and a subway red train", "a train subway system with train cars on a track", "the passenger train on a train track with people getting on and off", "a man standing next to a train station with trains on the sides", "two trains and a train with people on each side of it", "a group of people at a train stop next to a train", "some people are walking toward subway cars in a subway station", "a train sits on the train tracks as a man walks beside", "a train stopped out of a station next to a train", "a subway train station with two trains", "a man pulling a bag up to rail cars", "a person walking towards a passenger train at a train station", "man walking along a walkway between train tracks", "train train people passengers there, pulling a trains people train, train commuter troll transit", "long platform in a metro station with people walking on a sidewalk next to the subway", "commuter trains a in passengers trains trains train a people railroad trains train passenger railway crowded", "passengers waiting to board trains by a platform", "man standing next to a train at the station, there is a subway train on", "people, passenger subway long commuter passengers passengers train a train people train a subway person", "there is a man standing on the platform by the train", "a young man walks down by the station yard", "a man is walking on the sidewalk in front of many trains", "a terminal train that is parked next to each other", "and train subway trains train train train train trains train trains train bus train commuter trains", "people walking around an over crowded train station area", "guy walking at the platform between trains and underground train station", "train tube subway subway tram the subway train subway subway public silver train track transportation train", "the platform train in transportation metro station trains subway transit train railway bus train trains,", "the train is coming down the tracks to the station", "commuter station train trains, commuter waiting train train tram train railway train commuter trains trains", "the commuter train runs with a red car in the background", "man walking at the subway station next to a subway train", "a man walking next to multiple trains on the tracks", "train subway commuter train transit station subway man people passengers one passenger passengers a train silver", "man waiting on train station with a train in the background", "a man walks in a transportation platform as a train approaches", "a long group of people walk down a train station", "a man walks by to a passenger train at a train station", "an older man standing next to a metro transportation train", "a man is running along the train rail transit trains", "train people commuter train train in commuter", "several trains people are walking in and out of a terminal", "a man is walking in a train station", "a man with a dog walks along tracks on the side of the tracks"], ["a lady stands in front of a train while some people walk on the side of", "a woman with tattoos is standing in front of an old man", "a woman standing at the entrance of a train", "a lady walking in front of a train", "a woman is standing next to a train platform", "a young lady in a white dress walking across a train track", "a woman is standing in front of a train", "a woman on a train platform with a man staring on", "a woman wearing a white dress walking next to a train", "people walk down the pier near the beach", "a pretty girl walking walking next to the door of a train", "woman walking towards a red train at a train station", "people standing near big doors for a train stopped at station", "a red and white dress a man and people in a station", "passengers boarding a passenger train as women board", "a woman in white a and a train pulling people", "a man with a handbag in front of a train", "a woman is walking into a airport in a dress gown", "a lady boarding an all red train with other people walking by", "a woman pulling a luggage bag while three men look on", "a woman in a dress and in a dress, wearing a black and white dress", "a a, a by passenger white woman a two white there man a a a", "a very female with carry - bags traveling near passenger bus", "a beautiful young lady standing next to a train", "a woman who is standing near a train", "a girl has carrying a shopping bag on a trolley", "white dress white dress shoes white shoes red bracelet red necklace white necklace necklace necklace necklace", "a woman in a white dress outside a train station waits", "a woman in a white dress walking near a train", "a large red bus stopped at a loading station for passengers", "a women who is posing in front of a train", "a girl in a dress is preparing to board a train", "a lady that is standing up in the middle of a platform", "girls that are waiting to disembamble a train", "a woman walking up a sidewalk next to trains", "a group of people getting off a train", "a woman at a train station waits for her train", "a red passenger train moving down a train track", "there is a woman that is stepping in the door of a train", "a woman pulling her suitcase out of a train", "a lady is standing against a train next to brick walls", "the woman is waiting for her train to stop", "the woman is standing at the train station waiting for her luggage", "a girl in a white dress by a train", "a woman stands walking along with a older man by a passenger train", "a beautiful asian woman exiting a subway train", "the woman is going toward the train with her bags", "a woman holds bag of some sort as she waits at a local train", "a woman in a white dress standing in front of a subway and holding her head", "a little white dress in an airport passengers body", "people pulling rolling suitcase suitcases in a train station", "a middle - aged woman is waiting to board a train", "a red train arriving at a platform of a train station", "a woman dressed nicely poses in white as she stands between older man and woman", "two older people next to a commuter train on a train track", "a woman wearing nice red heels standing beside a red train", "a woman stands next to a train at a station", "a woman and a man sitting next to each other in a train station", "there are some people standing together inside of a subway", "a woman about to depart a train at a station", "a woman wearing a short dress standing on a platform near train", "a woman wearing an all white dress is ready to board a train", "the woman is standing next to a large passenger train", "a woman that is walking along a platform", "some people some suitcases and a woman in white", "a woman posing for a photo in front of a commuter train", "a woman is standing on a train platform next to a man", "three people at a train stop in a city", "the lady is walking down the street in a white dress", "a beautiful woman holding a suitcase and carrying two cases of luggage", "a woman exiting a subway train, looking very relaxed", "a woman standing on the platform by a train", "a picture of the picture is picture of a woman", "a woman walking down a sidewalk while a group of men walk beside her", "a woman wearing a white dress and blue dress is pulling suitcases", "a woman walks along the platform of a train station", "a young woman with nice legs standing next to a train", "a woman in a white dress is near a metro passenger train", "three people are boarding a train, man and woman walking", "an older man, a young ladies in a dress, and a senior guy,", "a woman walking on a train platform next to people", "woman in white dress walking down a sidewalk", "a woman in a white and red outfit is walking", "a woman in a white dress poses for an image", "the woman has a dress at the waist on standing on platform", "a woman walking down the runway at an airport", "a woman walking away from a train while wearing a face mask", "woman is standing in front of a train with suitcases and an older man walking", "a young female model in a white dress at a train station", "someone is entering the open door of a busy train", "a woman in a white dress and a train, with a woman in a white", "a group of people holding bags of luggage and walking", "a woman in a dress is walking in front of a train", "there is a train going by the station and people walk around it", "a train that is at a train station", "a woman in a dress near a train platform", "people boarding a large passenger train", "a girl is not wearing clothes and looking away from someone", "a woman walking away from the camera is very pretty", "a woman standing waiting at a train station"]]}, {"question_id": 438287, "question": "Do all computer mice that are on a brown desk have the same color?", "answer": "no", "captions": [["two computers and wires sitting on a desk top", "a laptop is on an office desk with a computer", "both computers are on and next to wireless mouse and mouse on a table", "a man in black jacket looking at computer monitor", "a desktop that has a computer on a desk with some mouses", "a laptop computer is sitting on top of a desk", "a computer desk next to two computer monitors", "and mouse computers screen two computer keyboard keyboard computer desk computer mouse laptop computer laptop computer", "a laptop on a work desk in front of a computer screen", "a laptop computer sits on a desk next to a desktop computer", "two laptops turned on and a computer monitor and keyboard", "a room with a laptop, computer, radio, clock on a desk and a", "a keyboard on top of a laptop next to a keyboard on a keyboard", "a desk with computer on it and keyboard on it", "a desk with a laptop computer and mouse on it", "two monitors side by side on a desk with a keyboard", "a computer sitting on a desk next to a laptop on a laptop on a computer", "a view of a desk with a computer keyboard", "a laptop and two computer mice are on a desk near a desk top and keyboard", "office desk holding a computer and mouse", "workstation with a desk top and a desktop and mouse", "an image of an an arrow on the screen", "a computer and a mouse on a desk", "a computer and a laptop on a desk", "a computer monitor and a laptop computer computer on a desk", "a desk with a computer monitor and keyboard", "this is a desk and desk area with a keyboard, mouse and mouse pads", "an office cubicle with a computer, monitor and projector", "a computer and a laptop sitting near a lamp and a desk lamp", "a computer is set up on a desk, with a headphone", "the desk is messy with computers and a work outfit", "computer computers front work computer computer monitor computers office computer computer computer a desktop set open", "a desktop is sitting on a desk in the office", "a desktop computer on the desk that is set up next to a computer monitor", "a computer and laptop computer on a desk", "a desk with a computer monitor and mouse", "a desk lamp and computer with two monitors", "picture of this is a laptop computer and a computer mouse", "two computers sitting on a desk with a man at work", "a laptop sits on a desk next to a mouse, mouse, keyboard, and", "a laptop computer is next to a lap top", "a white desk topped with computer mouses next to a desk top", "a desk with a computer, keyboard and mouse", "a laptop is being placed on the ground on a table", "a wooden desk with computer on it with a keyboard at the top", "a couple of computer screens sitting on top of a table", "a cat on a tripod with a projection on his desk", "a computer on a desk with a high - glare green decal design on it", "two computer monitors are on a desk next to a keyboard", "a computer desk with a monitor, laptop, mouse and cell phone on it", "a computer monitor, mouse, a lamp, and mouse mouse pad on a desk", "a personal computer desk is shown next to two computer mouses", "a laptop computer on a small desk in a room", "two computers and a mouse on a desk", "a computer desk with computer mouses mouse mouse and mouse mice", "two desktop monitors are on a desk with a mouse", "dual monitors on a desk with one monitor, mouses and a mouse", "a picture of the computer setup is on the table", "an image on a laptop computer sitting on a desk", "a laptop computer and ear mice with a monitor and mouse mouse", "a nice office with one person, mouse, and headphones on it", "a computer desk with a mouse a mouse a mouse and some papers", "a pair of wireless mouses, computer, computer display and mouse are on the", "a new and used samsung computer on a desk on the runbook", "computers, pc and mouse on desk of a office", "computer laptop laptop laptop laptop computer laptop laptop notebook laptop laptop, office laptop laptop computers", "a desk with a computer mouse and a mouse", "a laptop computer sitting next to a white mouse", "a desk has an open monitor and a computer", "a desktop computer and laptop on a desk", "a desk is seen in this image there is a computer, mouse, and lamp", "two monitors on a desk beside a computer screen", "a laptop computer on a desk next to a window", "a black and laptop and a red laptop on a desk", "a desk that has a laptop computer, mouse and mouse pad on it", "a computer monitor shows off on a desk", "an office desk contains two monitors and a mouse", "a laptop sitting on top of a desk near a mouse and keyboard", "computer green work work computer monitors in green computer desk mouse safety work working in desktop", "a desk that has a computer monitor and a computer mouse on it", "two computer mice sitting on a desk in front of a laptop", "a workstation with a desk top and mouses on it", "a computer monitor and mouse on a desk", "two monitors sitting next to each other near a desk", "a desk top with two computer monitors and mouses", "two computers are sitting on a wooden desk", "some computer mice and a desktop on a desk", "a black laptop on a desktop computer with green work vests", "a laptop sitting on a desk with a light", "a desktop and laptop on a hard wood desk", "there is a computer mouse on a desk", "there are two mice and a mouse on a desk", "this computer desk has two desk computers and keyboards on it", "a computer and a mouse on a desk near a desk", "computer computer image monitor a and computer computer monitor computer in virtual software computer technology video", "office office desk desk a works desk desk desk office computers laptop studio laptop computer working", "the picture is taken using a nokia phone and is in a home office", "a small white desk topped with a metal computer mouse", "a computer and laptop sit on a desk", "a desktop computer and a computer monitor on the desk"], ["a girl near a man waiting for a job", "a computer desk with a desktop computer on top of it", "closeup of two guys playing a wii with a desktop computer", "there is cluttered office desk with lots of desk drawers and computer monitors", "a man is kneeling next to a desk top", "man standing in room by white computer desk and computer monitor monitor", "a person standing near their office chair to take a look ahead", "a woman in a room with a white table", "a desk and a monitor with an office desk top", "the desk with a man standing next to it and working on a computer", "office computer open work desk, workplace business office desk office computer office office computer and", "a man standing at a home computer desk monitor", "this is a black desk with several monitors on it", "a woman in a cubicle with a computer on a desk", "a desk with some computers sitting up against each other", "white desk with large cubicle in office", "a laptop and a desktop computer are on the desk", "a man in profile standing at a table that has a laptop on it", "a desk with two monitors, an orange keyboard and a black chair", "a working area with a computer monitor, a chair, and two computers on a", "a guy standing in an office with a dell laptop, a phone, a bag", "looking looking computer computer business work on computer desktop standing work, the computer there two", "a man who is facing a working desk in front of a desktop computer", "desk computer computer laptop desktop works a computer desk apple all computer on desk computer computer", "a man standing in front of a desk with chairs next to it", "computer computer computer open cubic corner corner computer works computer office desktop pc works cone computer", "a man is looking at a small white desk", "two tables that make an office with an office desk and a man looking away", "two monitors, a laptop, a desktop and a desktop computer", "a person standing at a desk and watching his work", "a desk with a flat screen monitor next to a chair", "a white desk with a computer monitor and a laptop", "the office has computer desk has an apple desktop", "desk computer used desk desk an office computer computers computer office cl computer computer computer office", "the man is standing in the white office", "a desktop computer monitor beside a desktop computer", "the person standing in front of a desk with a desktop computer", "an office desk with a computer, keyboard, and mouse", "a man is standing at a desk with a computer on top", "a male is looking at an desktop computer", "a corner office with a white computer desk and computer monitor", "a woman is standing in front of a computer screen", "a room desk with there person standing by there computer keyboard", "a woman sitting at a desk that has a laptop", "a desk with a laptop and a monitor and keyboard", "a corner office desk with a computer computer", "office l corner corner corner office office corner office corner corner desk corner office desk a", "an office with three desktop computer monitors attached to each one of the desks", "a laptop monitor a keyboard and a laptop", "the computer and two person sitting at a desk with a computer and a keyboard on", "a person in a room looking at a desk", "a person in a work office with two computers", "a office desk with a laptop and a mouse", "a table with computers on it and a keyboard in front of it", "a man on a chair around a computers desk", "a person sits at an office desk with a desktop computer monitor", "a woman standing by a corner desk working on her computer keyboard", "a computer desk and two computers on wheels on the desk", "a woman getting work done on an all white desk", "a man stands in front of an open computer", "a computer desk and cubicle cubicle with two computers", "office work room with workstation in corner with person walking in front of table", "a guy standing by a messy desk with two personal computers and two monitors at the", "a guy standing in a small run down office", "an office with some computer monitors monitor a desk and chair", "a computer desk and chair are sitting at the corner with their monitors", "a man in a small office office with a desktop computer and a laptop computer", "a desktop computer on a desk with a monitor and speakers", "two computer monitors, two computer monitors, and a computer", "office desk work desk corner desk corner work computer office computer office office desktop office desk", "view of office desk with monitor, monitor, pc and desktop computer with screen monitor", "a desk that has a computer sitting on it", "an office with a computer being worked", "there is a desktop and laptop on a desk by a chair", "there is a computers and keyboard on the desk", "a person standing at a desk in an office with a computer desk", "a man sitting at a computer desktop on a desk", "a person sitting at a computer desk with a computer computer", "two computers monitor and desktops computer on a desk", "man standing in front of a desk in an office", "person looking at a small desk with small computers on top of it", "a man in a black hat looking at two computers", "a man walking in front of a computer screen and corner desk", "a desk with two lap tops, a keyboard, and a chair", "white computer corner l workplace a two corner open office corner office cubic desk desk desk", "a white desk with two computers on it", "a man in a black shirt stands by the desk and looks around", "a computer desk with two desktop computers next to a cubicle wall", "a desk with a three computer monitors, a keyboard and a keyboard", "a computer monitor sitting on the computer mac computer desk", "a man on the desk looking at a desktop computer", "a girl at an office desk with a guy in front of her", "a desktop keyboard on desk with white office chair", "a woman standing in front of a desk", "a man standing next to a computer in front of computers", "a desk that has a file cabinet at it's top", "a beautiful woman sitting at a computers desk", "a man uses a laptop next to a desktop computer", "the man is walking by a man and a white office desk", "desktop at at a as pc monitors computer working with office office at on computer cubic"], ["an office, complete with computer and files on the desk", "a wooden desk with a phone remote on it", "an office counter with a computer mouse and a notebook on it", "a computer desk with items stored on the table", "an untidy computer desk with a laptop, computer mouse and a keyboard", "an office desk has a computer and a mouse", "a wooden desk with a desk top with a computer a keyboard a mouse and a", "the person is trying to catch a tennis ball on the table", "a wooden desk with a desktop computer and a phone and a desk", "a large screen computer displaying information on a desk", "a desk with a laptop, a keyboard and various items sitting on it", "a under computer desk computers office desk desktop a computer view keyboard on desk looking leaning", "a desk with a laptop and mouse on it", "an office desk with many things on the desk", "a desk with a balance ball, exercise ball, and a monitor", "this person has a mouse on his desk", "office chair and wooden desk in one image", "a wood table with a large window beside it", "a close up of a chair at a desk near a computer", "a computer desk with desk top with a desktop and a mouse on it", "wooden table wooden wooden desk desk desk computer office corner wooden desk with wooden at -", "a desk sitting next to two windows and a computer keyboard", "a cluttered computer table with an office desk top", "a wooden desk topped with computer monitors and a computer monitor", "brown wooden desk topped with a computer and books", "a desk with a computer and a ball chair", "a wide monitor is seen sitting on a desk with mouse on it", "a workstation with a computer and a laptop on it", "a computer sits on a laptop desk next to a pair of computer mouses", "close up of a wooden desk near large windows", "a desk is left on with a computer monitor and papers left on the table", "a well organized desk chair and desk with a computer, keyboard and computer monitor", "an office chair sits next to some computer work area", "a wooden desk with an computer and mouse sitting on top of it", "a wooden laptop sitting on top of a wooden desk", "computer computer desktop desktop desktop with on cl view monitor computer - desk computer computer computer", "an office desk with a computer mouse and mouse", "a computer sitting on top of a wooden desk next to a cup of coffee", "a wooden desk topped with computer components next to a phone", "computer desk with personal items on top and a mouse on a laptop in the corner", "a desk with a ball ball on it", "a desk with a computer mouse and desktop computer", "work exercise office office globe a exercise ball yoga fitness exercise exercise on room exercise home", "a desk topped with a keyboards computer mouse and a monitor", "there is an computer standing on the desk", "computer keyboard at desk with computer mouse, office area", "a desk with a chair and computer on it", "a computer work station with a desk and a monitor on top", "an office desk filled with laptop computer and keyboard and pc computer", "computer on an office desk with a cluttered keyboard, mouse, and monitor monitor", "work station in an office with a ball exercise ball", "a desk with a coffee mug on it", "view of computer desk desk, with keyboard, mouse, mouse, and mouse mouse", "a desk with a computer, keyboard, monitor, and mouse", "an office desk topped with a desktop computer and mouse", "chair monitor a a work a a computer computer a computer a computer desktop desk desk", "a desk and an imac computer computer and keyboard", "a computer desk with the computer sitting on it", "a computer desk topped with a laptop and keyboard", "a computer desk with a desktop and keyboard on it", "a desktop computer sitting on top of a wooden table", "an office desk is full of clutter, computer parts", "a nice desk that is messy out in office", "a office desk is all set up and ready for work", "a desk with a computer, keyboard, mouse and monitor", "computer desktop desk desktop on desk desktop computers office refurbished and computer desk, computer computer", "a desk with a chair and a desk in front of a big window", "a wooden desk sitting under an office computer monitor", "picture of a wood table and a desktop computer", "a cat looking at a laptop on a desk", "an empty desk next to a wooden desk with a keyboard, mouse and mouse on", "a computer generated with a keyboard and mouse on a closed desktop", "a wooden office desk has an overhead computer and computer", "a home computer and various items on a desk", "an apple desktop computer set up on a desk", "a computer desk with a monitor and keyboard", "a desk with computers and monitor and a table sitting on it", "a computer on a wooden table on a wooden table", "a desk with an apple mouse and a keyboard next to a mouse holder, a", "working brown office a office table open desk office cl work office wooden office brown desk", "a chair with a computer and keyboard in front of two windows", "a computer desk with a phone and a keyboard", "a desktop computer monitor keyboard mouse and monitor", "a well lit work space with a computer and exercise ball", "a computer desk with a cup of coffee and a mouse", "a wooden desk with a cup of liquid on top of it", "a computer and computer monitor on a desktop work table", "desk office desktop used keyboard and mac on a monitor computer desk computer works office office", "a cat is standing on a table and reaching for a ball", "computer office desk sitting computer computer works monitor computer computer computer cubic desktop computer computer and", "a computer desk is set up with a ball, books, papers, other items", "a wooden desk topped with a wooden computer mouse", "a wood desk with a computer, keyboard and mouse on it", "a table with a wooden desk and a keyboard on top", "a table that is open with a coffee mug on top of it", "a workroom with a cluttered computer tabletop on a wooden work bench", "a small desk covered with a keyboard, a mouse, a monitor, keyboard and", "a wooden desk topped with a computer monitor and keyboard", "office table workplace telephone office wood office office office brown office office office a office,", "a wooden desk topped with a keyboard and mouse"], ["this desk is full of computer equipment on top of it", "keyboard an apple macintosh apple apple apple apple a wired apple apple wooden white keyboard a", "a mouse and a mousepad on a desk", "wireless mouse and mouse keyboard on wooden table", "a couple of computers on a wood desk", "a laptop sitting on a desk with a keyboard", "a mouse sits next to a computer mouse", "a computer sits on a desk with a mouse", "an apple mouse pad sits next to a computer mouse", "computer desk with computer peripherals and a wired wireless mouse", "the computer is sitting on the desk outside", "mouse keyboard touch computer mouse apple mouse apple computer keyboard macintosh mouse wireless mouse apple white", "a mouse and keyboard on a wooden table", "a mouse and mouse sit on a brown table", "a keyboard, mouse and apple logo all on a wooden table", "a mouse and mouse mouse and a computer mouse on a table", "a computer desk with a mouse, wireless computer keyboard and a wireless mouse", "a mouse, a mouse and a keyboard on a desk", "a computer mouse, mouse, and keyboard on a desk", "an apple mouse next to a mouse that is next to a keyboard", "some apple electronics are sitting together on a desk", "a desk set with apple's latest apple mouse next to an apple wireless computer", "computer keyboards on a wooden desk with mice", "the wood desktop surface is full of mouses and keyboard", "a mouse, mouse and keyboard on a desk", "a computer device sits on a table next to two mouses", "wood apple mouse computer desk computer apple mouse wireless wood keyboard is wired wired a the", "apple wireless mouse next to a apple desktop keyboard", "a desktop computer mouse and keyboard on a wooden desk", "a computer keyboard and mouse are beside each other", "a computer mouse and a computer mouse on a desk", "a mouse a keyboard and a monitor on a desk", "a computer set up with a keyboard and a computer mouse", "an apple mouse sits on top of a wooden desk", "a computer mouse sitting on top of a wooden table", "a computer mouse sits on a wooden table", "an apple mouse and mouse mouse next to each other on a table", "a computer keyboard and wireless mouse on a desk", "a computer desk, with keyboard, mouse and mouse", "a wooden desk has a mechanical keyboard and mouse", "the desk is wooden and has two computers and a mouse", "a computer mouse a computer keyboard and a mouse", "keyboard a computer computer computer computer wired computer wireless mouse mouse mouse mouse wireless, mouse", "a desk with a laptop, mouse, mouse and an apple wireless mouse", "a computer mouse, a mouse, and a mouse sitting on a desk", "a desk with a laptop and a mouse, a mouse, and mouse pad on", "a set of a wireless mouse and a mouse pad", "is mouse wireless mouse wired electronic a desktop mouse wireless desktop desktop with keyboard mouse mouse", "a computer keyboard sitting next to a white computer mouse", "a mouse and keyboard on a desk", "there is a wireless mouse near a large computer keyboard", "a wooden computer desk with a wired computer mouse and wired computer mouse next to a", "a computer keyboard and a mouse sitting on a wooden desk", "home office desk with modern keyboard and mouse", "a laptop on a desk with apple wireless keyboard and mouse", "a computer mouse is sitting with a mouse next to it", "a desk with an apple mouse sitting on a table", "computer peripheral and mouse on a wooden desk", "an apple mouse next to a apple mouse on a desk", "a white mouse sitting next to a computer mouse on a desk", "the computer mouse and a computer keyboard is on the wooden desk", "computer items computer mouse and mouse on desk", "a wood table with various things on it including an apple mouse and keyboard", "a tablet, mouse and a mouse sitting on top of a desk", "a computer station has a mouse on it and on the desk", "apples computer mouse next to an apple mouse on a wooden table", "computer desk with a white keyboard and a mouse", "a computer sitting on top of a wooden desk", "an apple mouse a mouse and some mouse sit on a desk", "a computer desk with a mouse and the keyboard", "a wireless mouse sits next to a laptop laptop", "a mouse and apple desktop computer on a table", "a keyboard and mouse next to the apple mouse", "picture of a desk that has a mouse, desktop computer, and wireless mouse", "a keyboard and a mouse are sitting on a desk", "a small wooden table holding a computer and a keyboard", "a mouse and keyboard sit on a wooden a desk with an apple mouse and a", "a keyboard, mouse and laptop on a wooden desk", "an apple computer mouse mouse and mouse sit on a table next to a keyboard", "a computer mouse and a mouse on a wooden table", "a mouse sitting next to a keyboard on a desk", "apple keyboard, mouse and macbook computer on a desk", "a computer mouse and keyboard set up on a desk with a computer mouse", "computer keyboard and mouse on brown desk near mouse", "a mouse sitting next to a computer mouse that are near a key board", "a desk that has a mouse and a computer mouse", "laptop mouse and mouse keyboard on top of desk", "the white keyboard is next to the wireless mouse", "a keyboard and a mouse, a macbook, and a white laptop", "on this wooden laptop desk is a laptop computer", "a computer mouse next to a keyboard and mouse on a table", "brown wooden desk with mouse, mouse and keyboard on top of it", "wood and desk with mouse, mouse, and mouse mouse", "a laptop is next to a wireless mouse on a desk", "two gadgets are set up next to a keyboard on a table", "a keyboard and a mouse sitting on a desk", "someone laptop computer mouse, computer mouse, apple iphone and apple laptop", "keyboard and mouse on a neat wooden desk", "apple, mouse, and apple computer on wooden wooden desk", "a white apple mouse, a mouse and two mouses on a wooden desk"], ["a computer monitor sitting on top of a wooden desk", "a apple desktop computer sitting on top of a wooden desk", "a apple computer monitor sitting on top of a wooden desk", "a wooden desk has the keyboard and the keyboard on a keyboard,", "computer screen in working like something else on a desk", "an apple apple desktop, on a mac desk computer", "monitor showing the apple logo on the apple desktop computer", "a screen computer monitor computer with mac desktop and keyboard, keyboard, hard drive,", "an apple imac keyboard and apple mac computer on a desk", "the screen of an im macintosh computer is showing a man walking", "a im im desktop intel display 2q on a computer keyboard and mouse", "an elegant computer desk with a laptop computer on top", "a desk with a monitor that is sitting on top a computer", "a apple keyboard with mouse and mouse on a desk", "apple apple'on the desk computer, apple, apple, and a apple computer", "an apple computer screen set up on a desk", "an apple imac desktop computer monitor is displayed", "a table with an apple keyboard and a key board", "an apple computer monitor on a desk next to the keyboard", "a computer sits perched on a desk with its screens and all screen view", "a apple computer tower with an older keyboard on top of it", "an apple imac computer on a wooden desk", "an imac computer on a wood desk next to another mac computer, mouse,", "a small desk with a apple keyboard, keyboard, and apple mouse on it", "an apple computer on a table", "there is a desk lamp on the monitor", "a computer monitor sitting on top of a wooden table", "apple inc, 2012, iphone, home screen, display", "an apple desktop computer is sitting on a desk", "a apple computer monitor sitting on top of a wood desk", "a desk with an apple laptop and a keyboard", "an apple 27 3 mac desktop computer computer on a desk", "a desktop computer sitting under a window next to a mouse", "computer monitor and apple screen with apple music", "the apple apple desktop computer sits on a desk, next to a keyboard", "a monitor screen sitting next to a keyboard", "a apple apple apple mouse and keyboard on a desk", "a computer turned on sitting next to a keyboard and an apple im apple keyboard is", "a wooden computer desk topped with a monitor", "a computer screen is seen in a monitor picture", "the apple mac computer is pictured with a apple mouse on it", "an apple computer on a desk next to a lamp", "a computer set up on a wooden desk next to a keyboard", "the apple computer screen is on and apple desk clock", "a desktop computer monitor, keyboard, mouse and mouse", "a computer on a desk next to a keyboard and mouse", "a very nice computer keyboard sitting on a nice desk", "a computer monitor on a desk by a keyboard and a mouse", "a large picture of a computer desk on the desk", "a monitor computer sitting on a desk in front of a monitor", "a wooden desk topped with an apple computer", "a desk in a office area", "the computer is on a desk with various items around it", "computer monitor, apple desktop apple apple apple desktop on computer desktop mac apple apple computer", "a apple computer sitting on top of a wooden desk", "a apple all monitor computer computer on a desk", "an apple computer computer sitting on top of a desk", "apple desktop computer monitor sitting on a desk", "imac mac computer placed on wooden desk", "apple's computer sitting on a desk next to computer monitor", "a very big monitor on a desk with a keyboard and a mouse", "a large computer on a desk near a desk top", "a desk area has apple logo and and apple alarm clock on the computer desk", "the new apple mac 21 1 - 32in display on a white desktop on a", "a desk with a keyboard, mouse, apple computer, and a mouse on it", "a computer monitor and keyboard sitting on a desk", "this is a computer monitor with a keyboard", "an apple computer sitting on a desk", "a computer monitor, keyboard, mouse, and mouse sitting on a desk", "a monitor is on and a keyboard is next to it and a mouse", "multiple video images are on a monitor on a desk", "a apple computer sits on a wooden desk", "a computer computer monitor on top of a desktop computer", "a picture of a apple's'desktop displayed on an apple mini", "an apple computer sitting on top of a desktop", "an apple im desktop computer and keyboard", "an apple computer screen sitting on top of a desktop computer", "desk desk with a computer mouse on top of it", "an apple computer desktop computer on a wooden computer desk", "computer table with apple products displayed on shelf", "a mac computer on another desktop computer on a wooden desk", "a computer keyboard and a keyboard sitting on a desk a desk", "a computers computer on a cluttered desk with two keys on top of the keyboard", "a desk has a monitor and some electronics on it", "an office with a keyboard and computer monitor near a computer desk", "a small office furniture desk is nicely organized", "this is a computer screen on a desk with a keyboard and mouse", "it is an old school laptop screen with a picture of a person on", "a small monitor, keyboard, mouse and headphones", "a computer monitor on a desk top", "the new apple computer keyboard sits on top of the computer desk under two mac speakers", "the apple is sitting on a desk next to a computer", "there is an apple store on this desk with a imc and a keyboard and", "a desk with a keyboard and computer on top", "the im im 3 1 3 on a computer", "a computer apple apple brand sitting on a desk near a keyboard", "a computer on a desk with a keyboard on top", "a wooden table with a keyboard and keyboard on a desktop", "an apple imac all in a white apple computer", "a monitor on top of a wooden desk"]]}, {"question_id": 409799, "question": "Do all cars that are near a woman have the same color?", "answer": "no", "captions": [["is car silver silver silver a silver silver silver car parked silver by parking driver rear", "and to under under red street is a at traffic the red a and stop stop", "car parked man car the car parked back back the left camera rear, while side", "a man standing by the back of a car next to a stop sign", "a person standing between two cars next to a stop sign", "a car that has stop sign at stop sign", "a car stopped with the person in the back", "a man with a head bag and sunglasses standing in front of a parked car looking", "man standing next to the stop sign", "a man that is standing next to a car", "a man standing next to a car near a stop sign", "a man standing next to the back of a car in a field", "a man standing by a silver car looking down the rear lights", "a guy holding a camera poses for a picture", "a person with back view of a vehicle near a stop sign", "a man standing on top of a road next to a stop sign", "stop stop stop, waiting stop a stop stopping stop stops stopped stop stop stop about", "a woman stops traffic at the stop sign behind a gray car", "a woman standing by her car while holding a stop sign with flower buds in bush", "a person standing outside in front of a car near a stop stop sign", "a man standing next to a car while a woman looks at it", "stop red stop stop red stop stop stop stop stop stop stop with stop stopped corner", "a woman has a stop sign at the stop red sign", "the a the black back being being passing parking in photo posing being and being is", "a man leans against a parked car with a smashed over road sign", "taking getting taking taking a photograph cars driving cars, a parking being and the the", "lady getting flowers to get ready car in car park", "a couple standing next to a police car with a woman looking out the window", "he stop stop red she behind she car stop stop stop stop stop stop stop corner", "a woman and a man stand at the side of the road by stop sign", "car a a car with his repairing car car stopped, is driving, parking the", "a man stopped at stop stop and stopped under a stop sign and stop sign -", "stop stop stop with stop stop stop stop stop stop stop stop stop stop stop stop", "a man stands next to an old silver car and a man looking at it", "a guy looking in to his car at a traffic signal", "a man standing behind stopped stop after getting up the stop stop sign", "back road stop the driving approaching stop a another walk back parked back back is traffic", "a woman walks for brake is standing in front of the car as he is waiting", "passing out driving rear motor car is parking the his talking broke driving parked being his", "man with backlight out stopping cars and standing near the side of road", "stop stop stop stop stop stop stop stop and stop stop stop stop stop stop stop", "a woman is taking photos on her cell phone in a car", "photographer looking at a car's front taillam before a photographer takes it off", "a guy car is parked and the back tail light is turned", "a woman at a car pulling a dog to a halter", "a woman and a man shooting at a traffic sign", "a man trying to fix car back bumpers of a hatch hatch", "rear rear behind stop rear back back rear rear rear back car back rear rear back", "a man stop stop next to he car stop sign", "man fixing the rear of a car with a young bare plant stem in the back", "a woman is next to a parked car on a narrow road", "a person getting up to a car that has a back license tag on it", "the man is standing beside a grey car behind a truck", "a man stopping to stop stop at a stop sign on a corner", "stop stop stop stop stop stop stop stop stop stop stop stop stops stop stop stop", "a guy stands in front of a car and a man with binoculars", "a man who has fallen plants and flowers on the back of a car", "a woman standing and standing in front of a silver car", "a person stands near a red stop sign behind cars", "a man with his hand on a stop sign standing next to a stopped stop sign", "a man stopping her traffic stopped at a stop sign", "man waiting by car to get up before passing down", "stop stop stop stop stop stop stop stop stop stop stop stop stop stop stop a", "a man stands in front of a car next to a parked vehicle", "stop stop red stop stop stop stop stop stop stop stop stop stop stop stop stop", "tree branch tree the and parking in trees trees car with getting young getting outside tree", "stop stop stop stop stop stop stop stop stop stop road stop red stop stop stop", "stop sign stop, a stop sign and a woman near a stop sign at a", "car hitch throwing street, waiting weed hitch twigs driver talking pushing back holding stop stopped", "a woman is standing in front of the car, looking at the stop sign", "a woman standing in front of a silver sports car", "a man on a field waiting to cross at stop sign", "a man is standing beside a car while another man walks near", "a person using a remote to connect a car", "a woman standing next to a parked car in front of a stop sign", "working preparing car planting holding brush taking man tree holding weed planting getting holding being pick", "a person looking down at something on the stop sign", "a man standing in the middle of a road", "a man stops to stop behind a car, looking at an older stop sign", "stop stop parking blocking next car car parking street driving back stop has parked on after", "a stopping the stop sign with a stop sign near", "a man standing in front of a parked car in an idlie", "a person trying to check a car in a parking lot", "a woman with stop stop stop stop stop stop sign stop stop stop", "a man looks into the rear of a car while playing guitar", "a girl getting ready to pick up flowers up beside a stop sign", "a man vehicle car getting fix car and fixing getting car car hitch a a a", "on stop on getting stop road stop stop stop stop stop stop stop stopped stop stop", "a person standing next to a car behind a parked car", "is stop street standing towing by broken parked fix road to driving stopped cars getting traffic", "a woman standing next to his cars stop stopping to stop", "stopped stop stop stop stop stop stop stop stop stop stop stop stop stop stop stop", "a woman about to stop stop sign with no stop sign", "stop at stop stop stop red stop stop traffic stop stop stop stop stop stop stop", "a woman with a bouquet is trying for a car stopped at a sign", "a silver car that is next to a stop sign", "a man standing on the side of a road holding her trunk open as she has", "a man standing by a car posing for the camera", "a man standing on the side of a road with his car back", "a woman by her car stopped up by a car"], ["travel buses - double buses red transport bus bus buses buses city bus bus buses double", "double dual double yellow on double two parked two london bus bus bus bus two red", "a red bus parked next to a yellow taxi cab", "a car, a yellow car, a red bus, and a yellow car in", "two double decker buses on a street with two yellow cars", "a two story building stands on the left side of a street", "two buses double bus city buses buses routes bus buses buses buses two bus buses buses", "a parking lot covered with lots of people and cars", "bus bus buses bus double bus double cars bus buses red bus bus bus buses bus", "three double decker double deck buses and a double coach at a circular coaster station in", "two buses buses buses buses double buses buses buses buses on buses urban buses buses buses", "cars buses buses red buses trolley buses in doubled buses bus double buses buses a two", "taxis buses public london double buses buses taxis double city london buses bus passenger buses yellow", "double tops double decker bus buses parked on a parking lot", "several cars parked in front of a school library complex", "four buses are parked in a lot beside parked vehicles", "double decker buses are parked in front of a big london underground station", "two double decker buses are stopped at the side of the street, so not as", "a red double decker bus driving past yellow taxi", "a group of buses parked near each other in a town", "buses and busses parked in a parking lot next to a building", "buses and yellow taxi taxis are all in traffic at a town", "double - floors buses and other sightseeings drive on a highway near buildings", "a double decker buses are parked in a parking lot", "double decker buses, cars, and yellow taxis are in a parking lot", "colorful buses in front of a red and yellow bus", "double double hop double two red double two buses red buses buses double - red buses", "city bus bus multi public transportation bus bus bus city buses buses city bus public bus", "small blue green yellow cab and a yellow pick up car near a red building", "buses are parked on the outside of an airport", "double decker buses, double busses and double - decker buses are parked on the", "several buses and yellow and red cars parked next to each other", "a yellow and red bus a yellow yellow car and two city buses", "a lot of transit buses parked outside in a parking lot", "multibus parking in a european european town with a yellow bug", "multiple buses and taxi cars parked by the side of a street", "a street lined with different transit buses and cars", "double double buses double double double double bus double buses buses buses buses double bus buses", "a buses and cars in a parking lot", "there and bus uk a england on two airport two double public double bus outside british", "city buses and cars parked in front of a rail station", "some double decker buses lined up at an empty highway", "a bus, double - decker buses and minis parked on a street", "a double decker buses parked next to a car waiting for another bus", "buses are parked in the parking lot next to a building", "a parking lot with buses parked in a parking lot", "buses buses bus buses two double buses buses double double double buses red buses double buses", "two london buses are red and and one red bus is white", "double double three two street two red double double the a a london double three a", "bus and taxi are driving in front of a building", "two red buses and a blue bus are in a lot", "buses are parked next to vans near an shopping center", "double twin parking red double double two buses buses buses buses buses buses buses red bus", "double double double double buses bus tour buses red red buses bus buses double double bus", "a row of double decker buses parked in a parking lot", "a red and red double decker bus driving down the street", "traffic drives down a busy street during the daytime", "three red, yellow and blue buses are in the parking lot", "an double decker bus parked next to a double decker bus", "a parking lot with three buses and mini cars parked in a parking lot", "two buses and buses are parked in the parking lot", "a double decker bus on the street in a town", "double decker buses and buses in a parking lot", "a bus and double decks, in a show of different colors", "a red and red bus and a yellow and red bus", "two orange and red double decker buses parked in front of a building", "a parking lot filled with parked cars next to twin double - decker buses", "double decked buses and double - decker buses sit parked next to each other near", "three buses from london bus station and 2 london double taxis", "a double deck bus parked in front of a small red bus", "buses and buses parked in front of a school building", "double decker buses and red yellow and red busses", "a parking lot with vehicles and trolleys parked in front of the building", "buses big buses two buses travel buses buses buses bus bus double buses buses bus buses", "shuttle buses buses city buses double buses bus driving and parking to travel buses red red", "three double decker buses are parked outside of a bus station", "a red, white and blue and yellow van parking a parking lot", "buses two double buses buses tour double buses a buses double buses tourist buses two two", "a bus station is parked in a lot outside with vehicles underneath the buses", "buses and two double decker buses, and two yellow cars", "bus on double bus buses buses yellow tram bus buses bus double school red four two", "two red brick bus drives beside the traffic cone", "a train is on an urban street and bus station", "parking car transit buses roads red and street buses parking on double park public cars buses", "double busses in a parking lot with a red roof", "bus station with one train and two buses and one car in front", "a yellow car next to a buses and a blue bus", "a street scene with two double decker tour buses, the bus has a painted rainbow", "a red, orange and white double decker buses on a street with parked buses on", "two buses and a yellow car on a street", "doublebus commuter buses in an outdoor setting", "buses are parked outside near a building", "a parking lot with multiple double decker busses parked and a yellow car", "a parking lot with many buses and convertible cars", "double - decker buses and buses are parked in very a lot", "three red double - buses are seen, a yellow car and a red bus parked", "double double buses buses double double double bus buses bus bus british buses three public double", "a red and two double decker buses sit by a street with double buses", "two double decker buses going across a parking lot", "a bus parked on the side of a street with several double - decker buses on"], ["a person walks with a dog and a woman in a green shirt", "a skateboarder skates as he does tricks on a side walk with a", "a young man rides in the street as a man is running", "a person and two dogs lead a woman down the street near cars and cars", "running leash pet woman a female, walking with walkers chasing the walk walk with walks", "man skateboarding with skateboard with young man walking on street, sheh and", "the skate boy on skateboard riding by a skateboard with a man on leash", "cars cars parked vehicles cars cars cars the cars cars cars parked vehicles parked parked cars", "a photo filled image photography with a image", "the girl running down a busy city street in the day", "a woman and dog is pulling a pack walks the leasher and small white dog", "legs the skate a and image with a street and", "the skate skateboard skating while running down a skate runner, skateboarding", "this girl skate riding a skateboard and skateboard riding an skateboard", "a skate, a man riding, a person, and a dog, are being", "a young with a backpack, a young with a skateboarder and a boy", "a person skateboarding the streets while a skate board rider rides by while skateboard", "a man walk in the city with a walking guide and his dog walking for a", "a skateboarder skateboarder using a skate board runner", "a woman walks a dog along an icy road next to a group of parked cars", "skate skate skate skate skating skate skate skate skate skate skate skate skate skate skate skate", "a man and his dog and a dog on a sidewalk", "a young woman carrying a backpack walking a dog in front of trafficlight", "woman jogging on street while holding a leash walking 2 dogs", "a man and a woman in a green shirt and a woman walking", "a woman runs through a narrow parking lane surrounded by parked cars", "a person is doing a jog down the middle of a street with a dog", "street running and a running running man running running running running racing runs running runner on", "a woman taking a and dogs walk with two walking on an walking sidewalk street leash", "a person walks walking a leash dog while a woman walks with a woman and a", "walking walking traffic running leash red walking run stroll and walk walking dog", "in run, on riding riding biking a road a biking skate walking cars a riding", "woman walking a cars car leash running with and with walking parked in", "on skate skate skate skate skate skate skate skating skate skate skate skate skate skate skate", "on on on people parked a parking park in a park in a a school a", "photo of man using to skate, while skate, and dog skateboarder skate", "walks walking walking walking running running pedestrian walking walks a walks woman in walking walking walk", "a dog - with - dog and a person walking down a woman running a busy", "a man walking a dog on a leash while the woman is walking on the street", "dog with a lady has while to and running walker walk in and walk with while", "to, street runners - riding", "a skateboarder in a city street carrying surfboarding along a busy street", "woman on walk with her dog and walking dog and small dog", "an old woman in a green backpack running a bike", "people walks walks that walks walking running walks leash walking walking walk a walking dog woman", "dog busy cars outside with husky and dogs and dog car pet dog parking sl dogg", "a man walks with a child and a dog walking next to his car", "a man and his dog is walking down the street", "the woman and her dog and a girl walking and a man walking with a dog", "skate skate skate skate skaters skate skate skate skate young skate skate skate skate skate skate", "a man walking a walk in the distance alongside a woman walking a dog and a", "a man walks and with dog are walking a dog", "someone runs with her dog and her dog on a leash by a woman walking a", "the cyclist goes cycling on the street, with a pack on his back", "a street street pavement alley cars on sidewalk street dogs with leash with is in on", "the is skating is back skate skate skate skating and the rear in young woman skate", "skate skate skate skate skate skate skate skating skate skate skate riding skate skate in skate", "mother and her dog walking down the sidewalk next to a car parking lot", "a person walking a boy, dog and leasher and an energetic walking dog is", "a person riding down the street with a dog and a dog with a person on", "green stop red traffic stop traffic traffic stop traffic traffic red traffic red traffic traffic traffic", "woman walking the streets on her own, on the pavement with her parents and on", "canvas and skate - - art painting canvas canvas picture art ac art canvas poster greeting", "person riding skateboard, skateboarder skating, skateboarder walking, and", "a little girl is walking with her dad as she walks with cars on a busy", "a lady walking with a dog and a dog on a leash", "a dog and dog and child running with a leasher and a dog", "runner woman wearing green shirt taking a leash from a sidewalk that that features small dogs", "running running running with running road jogging running a runs running with that with pedestrian on", "a woman standing on a side walk near vehicles", "a young man on a green shirt is running down a traffic signal", "run is a running a people being a a a street running walks running that is", "a woman walks down a road as a woman in green shirt and a green shirt", "a woman and her dog walking in front of a line of parked cars and a", "a woman walking a man and a dog and a woman walking a dog", "skate skate skate skate skate skate skate skate skate boy skate skate road skate long skate", "man with a large dog walking along cars while cars parked", "a man running down the street with a skateboard", "a child on skate board and a skateboarder skate boarding children going around a", "runnering woman and child jogging in a public area while cars are parked on the", "the street street with a man, car and a narrow street, a wide view", "a woman walks with a small dog down a parking lined street", "a woman women a with his a and a two pulled with shows - is,", "riding road riding pedestrian skate walking man a parked walking walking skate walking runs a there", "a person on a skateboard and on skateboard are walking next to a woman", "a runner and women riding with for and jogging, and by is runs with the", "a person is skateboarding on some city side walk", "woman running walking with the skate walking and dogs and dog and dog walking as run", "a person skateboards down the street while skateboarding the skateboard on a skate", "picture, a with a restcle, the with tong as, as, the", "a man skating a skateboard on a street", "riding skate a sidewalk sidewalk walking woman a cars riding a riding skate car road runner", "a man walking down a city side walk with a dog and a dog", "a person riding on a skateboard on a skate board", "a person strolling down a street surrounded by cars", "a man running a bike in a park while a woman in a green shirt walks", "a person skateboarding and skateboarding while someone skate boarding", "a person is walking their dog down the street", "skate skate with skate roller road skate skate skate skate skate skate skate skate skater,", "skate road skate skate skate skate board skate skate skate skate skate skate skate skate skate"], ["a car cars cars and cars white car garage open car car car car parked metal", "a walking walking crossing walking walking people and walking tourists walking walking walking walking a walking", "two young ladies wearing blue pantsuits walking towards car", "a couple walking past a couple holding hands along street", "woman in blue top carrying luggage while carrying red high heeled shoes", "cars parked loading car outside in parked people in car carp car garage cars car car", "there are several cars and carts full of luggage", "a white car parked next to a woman in long overalls", "on in foreign parking is pulling car people automobile car passing people street road white parking", "on white and one and passenger a on toyota - cars cars car the parked with", "two people in a city with car behind the barriles", "three ladies pushing a cart in a car parking garage", "couple walking near car with luggage carts in background for transportation", "two automobile together parking cars two garage people car garage car two a her in shopping", "white and s in, car and pass in and a in two two a walking", "is parking parking two three two two two two parking port two parking parked cars and", "is walks pd walk walk the carts shopping walk walking pd, walk and walking walking", "steel shopping or the pal steel car rack safety cart wheels steel steel cage shopping steel", "two blonde blond women are walking by a parked car next to a building", "loading parked parking and shopping car cars car parked and car cars parking parked shopping and", "people going behind a cart filled with carts", "two women walking next to a car and a small car", "parking van parked in car cars parking cars car car white white taxi car parking car", "car cars is is pass cars parked car car and used and parking and car white", "and walking and toyota walking people a left people walk walk walks walking and walking walking", "two blonde blondes in front of a white compact minivan", "two people walking next to parked cars and a white car", "a couple walking in front of a car while two women walk by a white car", "two people walking in front of a white car", "a white minivan crossing the street next to a white minivan car", "white wheel people is parked parked parking 2 women driving yellow driving - parking two wheels", "white white vehicle car white white white white white toyota white white car driving ford white", "a white car with a silver car next to two individuals", "the airport shopping steel cage - walk in silver a store two pedestrians shopping passing cars", "a couple is standing on the street and two vehicles in a car behind a building", "a man and a woman walking next to a cart", "parked cars driving car cars car and walking parking in used driving car car car to", "a couple in blue dungs and shirt blue dress out side", "a car parked while another car is away from it", "a car parked in front of a car and a car in front of two parking", "white white in an white parking white mazda car cars van the white parking white cars", "two people walking toward small white cars in a garage full of cages", "two women standing in front of cars parking in two garages", "a white car out front and a white car parked outside of a shopping center", "cart carts cart cage luggage steel shopping car parking metal parking behind cart cage in cart", "a couple standing in front of a minivan and small car", "a person walks along on the sidewalk beside a car", "one women and a boy walking in front of a silver car and a white car", "the two women are looking at a car", "a couple of people walking down an airport", "people a s kissing, parked couple car cars two and old is parking and car", "two cars are next to cartons and there are other cars outside", "walk walking walk and walk foot walking and walking out walking out under and walk car", "workers moving two three two car three parking people people two cars vehicle the a car", "a car is on the ground beside a parked car", "a white hatchback car and an auto in front of a store cart and a", "an automobile sits parked next to a garage with other vehicles", "car parking in car in and parked parking car parked parking steel parking metal car car", "cars cars is car parked parked white car car car car is parked parked parking next", "a woman talking on a sidewalk to a man walking beside a woman", "a woman walking past cars passing by on the road", "two on three cart in, cars in cars cars and parked in parking auto cart", "people pulling passing parking rear parking vehicles white - the passing car yellow in and parking", "a vehicle in a car garage in front of a parked white car, a car", " in two and parked car car being 2 mini and and blue automobile car in", "with vehicle vehicle auto buying and mini cars car to parking parking is car is a", "two people and a car crossing a street in a garage", "two cars parked in front of an apartment car parking garage", "couple walking down the street and a car in the background", "two women and blond blonde hair girls in front of a parking lot, and a", "a couple of people and some cars in front of a white car", "an older woman and her lady in blue walking towards a white car", "a car and a women walking woman a shirt dress are in front of a white", "group of people walking against a wall around a parked car", "a couple walks past a car with its registration in a building", "two women and a small white car", "two women walking down the street, while a white vehicle, a car, and", "a man and a woman walking across a parking garage", "three people cars the pair man couple a two pedestrians cars people two people man two", "cars parking parked garage car car a parked car small three a the parked car two", "a young lady and white car and woman next to a parked car", "car man in parked and white car car parked car car automobile white a one ford", "a van that is parked next to some people walking", "a couple of pedestrians with cars in the back", "the a two parking the white parked cars and the car'and is car off", "pe parking people shop pedestrians car a car car police walk walking with parking pedestrian mobile", "girl standing next to woman on the sidewalk next to a fence with a white car", "a pair of people walking down the road near a car and a car that is", "a white car and silver car parked next to each other", "a man and a woman standing outside a garage", "car and foot car walking walking on walk street people two, walking walking people walking", "in, is two street in labor steel in pedestrian white hand pedestrians video in pedestrians", "two women walking to a car with an elevator and a man next to a vehicle", "parking couple two two a two and car parked van pulling two two that car a", "a women walking by a man standing next to a car", "cars car parking car parked rack silver cars car car parked rear used rent car driving", "a white car in a car garage by a car", "a woman walks down the street wearing overalls and denim overall overall dungos", "a man and woman walking by a car and a fence", "two people carrying luggage by a white car and two cars parked"], ["a woman standing next to a red car by a tree", "a group of people standing next to the tree branch", "two red red red red car is red red red road red red red street on", "a parking of car car a car cars car car sign road and toyota road in", "a woman and two cars are a red car and two two is looking at cars", "red red rent red red red woman red red red red red a mother family car", "women and a car near a mud mound", "a family stands by a car beside a traffic line", "and a a red car bus tour on people the red a and car red red", "older woman outside oaxaca standing and a street", "red red in a red outside, street woman red woman and red is behind in", "a woman standing in front of a sign near a tree on the side of the", "woman standing in front of a tree a red car and a red car and a", "two women and red cars car a lady standing looking an black black dog", "a street and a woman and two cars are parked on the road opposite a red", "a child, a woman and an adult look at an automobile", "a woman next to a toyota xf parked in a parking lot", "people who are standing next to their cars and holding umbrellas next to cars", "in red road, people red umbrella and a umbrella red in red umbrella red auto", "a smiling and smiling woman stands standing by a red minivan, a parked car", "a woman standing by a parked car on her cellphone", "two people standing in a parking lot standing under an umbrella with pink umbrella over their", "a woman standing under a red umbrella under an umbrella", "mother stands on the street with three people in front of cars and a red car", "red red red red mom red woman cars red car cars red in cars roads a", "are red and umbrella para red umbrella umbrella and red red red with and red umbrella", "an african woman and a girl stand beside a tree", "a woman standing beside a red car and a woman holding a red phone", "a mom and kids stand near a car near a red tree by a tree", "a woman and umbrella with red umbrella and cars parked", "two people standing near a parked a green grass and hill", "a woman and a red car standing on the street", "is'red women standing red red with red red parked parked red, cars red", "woman red cars red maroon cars red car cars and red cars, car a cars", "local red in - cars parked car red on car in rent cars for in the", "car red cars cars red red red cars red a red a a two women red", "in in, honda car a red red red red cars and toyota red red red", "red red convertible under red, on red umbrella para to red red umbrella red red", "a couple of women with an umbrella and her car", "a woman and her companion are standing next to a red car, two cars in", "a woman talking on her phone by the red car", "red and woman red parked next a red red red red car red kids red on", "is para umbrella in red red car woman underneath and in red of woman outside para", "woman in a red cars red cars vehicle red red red red two with red a", "a few parked cars behind a woman", " the women woman african the black stand standing mom and woman woman two women and", "woman red young two red car driving cars cars a red red cars red girl red", "a red car on the road standing by parked cars", "a people two a a community people a as two standing talking while african a a", "kenya umbrella and under under umbrella umbrella under under to and street under stand under under", "red car red red rural car car automobile cars red red parked on cars a red", "a woman and a woman standing next to a car", "a girl and a lady with an umbrella by a car", "a person with an umbrella talking to two people", "red umbrella umbrella umbrella under an - umbrella to used, umbrella umbrella umbrella umbrella umbrella", "a woman under the shade on the side of a town", "a woman in blue standing outside a car with a red car behind her", "a black minivan parked in front of a parked car", "woman woman for under red and red car in cars red a car cars and car", "women red red red woman red in maroon red red two red cars mother red in", "with a female woman with woman stopped behind - red red mother standing roadside road with", " red red red burgundy red red red red red red red red red red mexican", "a red car and two women a red car and a red car", "the woman and two boys are under an umbrella", "with to in by on red car family red, red motor red cars jeep car", "woman and two ladies standing near red car and 4 vehicles", "woman with pink umbrella, red car behind with black car", "cars small woman people woman motor car stopped a cars two parked cars an traffic red", "indian women holding an open umbrella with an umbrella underneath", "a woman holding an umbrella under an open umbrella, while talking to two other women", "and woman women with on a standing red woman red red outside and a walking is", "a grandmother and child under umbrella under a tree", "a woman and child stand near a car near a house", "two people standing outside in grass next to a suv and cars", "a woman and woman standing outside next to red car", "a car parked along a road in front of a red suv with a red umbrella", "a group of women standing around a red car", "there is a woman standing underneath a tree in front of a woman and a car", "two women in blue cloths and a lady in orange top", "a red car in a parking lot in front of two woman", "a red car parked in front of a red car", "a woman standing next to a car with a red car in the back", "a woman standing by a red car outside of a cars", "red a road street parked car cars african are car driving cars driving in a parked", "the car to the a a a red and cars road standing car automobile standing people", "two women in a blue skirt and skirt skirts, standing near one looking at the", "two man with kids stands and two vehicles and a red car with an image of", "red a red car red red red red red red red red driving red car in", "two people standing by a tree that is tall", "female social protection group mother and car car in rain", "two female and one male stand next to some cars", "family under a red car, an open umbrella, and a red car", "standing red - red red on car all red road'is red road station parked", "four people near a red car at a parking lot", "people standing next to cars and a red car that has two parked cars", "there are a lot of people standing near red vehicles", "a car parked in the back ground", "a to woman female a people in people woman and car red red and maroon red", "woman holding an umbrella with a woman under it while standing under an umbrella", "street mother red young car car stopped car red red woman parked there woman a car"]]}, {"question_id": 494564, "question": "How many images with lions that are resting a body on a rock?", "answer": "3", "captions": [["a small sheep is laying on the hill looking away", "a sheep sitting in a field on a green hillside", "a sheep is standing near the water", "a sheep lying on the side of a hill", "a sheep sitting on top of a green hill", "three sheep are grazing on a side of a hill", "there is a sheep standing near the grass", "a photo of a white sheep in the grass on the side of a hill", "sheep on a hillside with the ocean below", "a small animal sitting down on a grass covered field", "a white sheep laying down on it's side, on a plain", "a white animal sitting near water on green field", "two sheep lying on a hill high green", "a sheep in the grass, with his legs folded out", "sheep with baby lounging in the grass", "a young lamb sitting down in the pasture, looking at the camera", "there is a sheep lying in the grass", "a couple of sheep sitting on the grass", "one black sheep standing a the side of a hill", "sheep lies down and lies down looking back on a green hillside overlooking a body of", "a small lamb is staring at the camera", "a pair of sheep at the side of a hill looking down", "three sheep lounging resting down in a grassy landscape", "a baby sheep sits in the grass next to a body of water", "a sheep sits on the side of a steep cliff overlooking the mountain", "a white lamb with pink ears is standing on a grassy hill", "a lamb sits on a pasture, while a sheep walks behind it", "a single lone sheep lays in a grassy hill", "a sheep standing alone in front of a mountain", "a sheep laying on a hill looking into the distance", "a sheep sitting in a pasture with lots of trees and hills below", "a sheep sitting next to a fence on the side of the road", "a couple of sheep standing on top of a grass covered slope", "a goat sitting on a hillside with a background of mountains", "a white sheep kneeling beside a black lamb on a grassy hill", "a sheep lie down looking at the distance to the right", "a cute sheep in grass on a sunny day", "a sheep sitting in a grassy field in a field", "a sheep lies down on a slope near the water", "a little white goat laying down on a hillside", "a sheep walking in a grassy field looking at the camera", "a sheep rests in the grass along a fenced in pasture near a body of", "two sheep sitting in grass at the top of an steep hill", "a dog laying on a hill on its back", "a sheep resting in the grass with mountains on the background", "sheep grazing on a pasture on a hill", "a small dog sitting on the ground next to another dog", "this is a photo of a farm or a garden, with a lamb lying down", "a white animal lays down in green grass", "a little sheep that has it's head is resting", "a sheep is sitting on a very grassy hill", "a little sheep sitting on a green hill", "an animal sitting in the grass with a sheep", "a fou sheep standing around on green grass mountain", "rolling sheep lamb sheep the grass sheep grassy a sheep goats sheep sheep hilly grassy sheep", "two white, wooly sheep are sitting together in the grass", "a goat sits and looks into the distance on a cliff", "a sheep sitting on a grassy hill near a body of water", "a lamb thats laying down next to a dog", "a sheep laying beside a hill, that appears to a water lake", "a sheep on a hill overlooking a valley and forest", "three animals laying by a fence overlooking the lake", "grass hill some green the a there grass grassy a green grass green pasture grass hill", "a sheep sitting on a hill in the country", "sheep sheep sheep sheep sheep sheep sheep sheep lamb in of sheep sheep sheep lamb sheep", "a small sheep laying on top of a grass covered hillside", "the sheep is sitting up on the side of some hill", "a beautiful sheep sitting next to each other on a grass covered hill", "the sheep is sitting down with one head up", "lamb sheep is sitting next to another lamb on a hill next to the ocean", "a lamb lies on a hill with a dog", "two sheep are sitting in a grassy hill", "a lonely sheep lying alone on the grass", "a sheep is laying down, resting on his hind legs", "a sheep resting and laying on a mountain side", "there is the little sheep is sitting down by the water", "a young girl standing and standing on a hill side", "a young goat is sitting in the grass", "small white sheep laying on a hill by another sheep", "a bird sitting on the edge of the hill in the grass", "two sheep laying on the grass at a beach", "a sheep with its baby is lying down", "a sheep with another sitting behind it", "the mountain sheep sitting in the grass on the hill", "a photograph of two white lambs in a grassy field", "an animal that is laying down on a hill", "a sheep sitting on top of a green hillside", "two sheep sitting along side each other with water in the background", "a lamb laying down in the grass in a meadow", "a sheep on a grassy hill overlooking water", "a big sheep that sitting on a hill next to water", "a lamb of some sort laying down on a grassy hill", "a sheep, with a fluffy face sleeping on grass next to a body of water", "a young lamb sitting on some grass next to the ocean", "two wooly sheeps sitting in a field by the lake", "a sheep laying in grass with another sheep in the background", "sheep standing alone in a green pasture with a green backdrop", "sheep sheep sheep a sheep sheep sheep sheep sheep sheep sheep sheep sheep pasture sheep lamb", "a sheep stands in the grass at the edge of the distance", "a sheep sitting on top of a lush green hillside"], ["two tiger sleeping next to each other in a green area", "two large tiger cats laying on large boulders", "tiger laying on top of a rock with a tiger sleeping on the back", "tiger tiger 2 tiger large footage tiger tiger close eye tiger tiger tiger with tiger tiger", "two tigers laying down together on a boulder", "a close up of two tigers curled down together", "a couple of tigers that are sleeping together", "two sleeping tigers lying on top of large rocks", "two tigers resting down on large rocks", "two sleeping tigers are snuggled together on a rock", "two young children sleeping on a pile of rocks with their eyes closed", "an adult tiger and the baby is laying together", "two tigers sleeping on a rock with some leaves next to it", "two large tiger lions resting on a large rock", "a couple of tiger laying next to each other on a rock", "tiger tiger tigers tiger tiger sleeping tiger tiger tiger tiger tiger tigers tiger tiger tiger tiger", "two tigers laying on large rocks in the jungle", "a very big tiger that is laying on some stones", "tiger tigers tiger tiger tiger tiger tiger tigers tigers a a tiger tiger animals tiger tigers", "tigers two two two large tiger tigers pair tigers two two large two two two pair", "two tigers laying down laying on huge rocks", "one sleeping and another sleeping on some kind of ground", "two tigers are sleep together on the rocks", "a two tiger that are laying down near each other", "both two big cats laying on top of each other", "two tigers are laying on various rocks with prey and prey", "two tigers are sleeping on a rock", "pair tiger tigers tiger tiger lying tiger tiger tiger tiger lion tiger tiger tiger tigers there", "two siberian tigers are sleeping on some rocks", "a couple of tigers sleeping next to each other", "two tiger are laying next to one is sleeping", "tigers resting, two lying on large rocks", "a pair of tigers sleeping together on some rock", "sleeping tigers tiger tiger tiger laying tiger sleeping tiger tiger close animal tigers two tigers tiger", "two tigers are taking a nap on top of a rock", "two two cats sleeping, one laying on the ground", "a tiger tiger tiger close tiger bengal tiger tiger tiger tiger bengal tigers tiger tiger tiger", "two tigers asleep on a cliff at the waterhole", "a tiger laying and a baby laying its head on its forehead", "two tigers sitting on a rock asleep on it", "two sleeping tiger cubs on a rock together", "two tigers sleeping next to each other on a rock", "two tigers laying on top of a large rock", "there is a pair of tigers laying on a rock", "two wild wild cats sleeping on a rock in woods", "a close up of two tiger animals laying on top of a rock in a park", "tiger sleeping on top of some rocks with his eyes open", "tigers tigers and tiger tiger tigers tigers lying one tigers big tigers tigers s tiger tigers", "two small tigers resting on a rock on a large slab", "a pair of tigers laying on some rocks", "two tigers lying on large rocks on the ground", "close two tiger and tiger zebra two tiger large two two frame tiger tiger pair framed", "two tiger cubs are sleeping on some big rocks", "a pair of two tiger laying next to each other", "tigers on rock sleeping or sleeping on a large rock", "two tiger two tiger tiger tiger two tiger tigers nap two both tiger tiger tiger tigers", "two tigers laying on top of a rock", "two tigers sleeping on top of a large rock", "two big cats are laying side by side", "there are a tiger that is sleeping on a boulder", "black two framed black and two rec, together on two tiger frames photograph sleeping in", "two tigers are curled up to sleep with each other", "two tigers lie next to rocks together with black squares", "and tiger tiger a tiger tiger tiger tiger tiger tiger bengal tiger tiger leopard tiger tiger", "two tigers asleep on a rock together", "a very cute tiger and a sleeping tiger on a large rock", "a couple of tigers sleeping on rocks looking out the window", "tiger tiger sleeping tiger tiger tiger tiger tiger tiger tiger tiger tigers tiger tigers video tiger", "tiger sleeping laying tiger cubs tiger tiger sleeping, s together tiger tiger tiger big tiger", "a tiger is lying on his belly and yawn", "a close up of a tiger laying on a rock", "two tigers asleep together with one another", "a few animals are resting their head on giant rocks", "two tigers rest asleep on rocks while looking at something", "a cat lays down in the rock, making it look like someone's doing", "two tigers sleeping on rocks to rest on the rocks", "some tiger cubs are sitting on large boulders", "two tiger sleeping on top of a large rock", "tigers tigers two the sleeping tiger tigers two two tiger sleeping laying tigers tigers tiger two", "two big cats sleeping together on a rock", "two tiger cubs sleeping on rocks that are close together", "two large tigers laying against each other on top of a rock", "a tiger sleeping on rocks in a zoo", "two tigers are sleeping on top of a rock", "two animals laying down on the inside of a room", "there are 2 tigers that are laying together on a large rock", "three tigers mating and laying on the rocks", "two tigers laying on top of some rocks", "two tigers laying on a rock relaxing together", "two tigers asleep on large rocks in a exhibit", "two tiger cub cubs sit on a rock", "two tigers lounge on some large rocks next to each other", "two tigers resting on a rock near some plants", "two tiger tiger tiger lions tigers tiger tiger two tigers siberian tigers tigers tiger tiger two", "large rock with tigers laying on it and tigers sleeping on rock", "a couple of tigers that are laying on top of a rock", "tigers are curled up in the sun sleeping on rocks", "two tiger sleeping together next to some large rocks", "a white tiger laying down on a rock", "two brown and black tigers are sleeping on rocks"], ["a lion lying on a rock royalty photo", "laying lion royalty image of a big sleeping male lion", "a large lion lying on a large rock royalty", "lion laying down on the rocks royalty photo", "lion lion lion animal lion lion image sleeping lion king lion lion animal royalty royalty lion", "a sleeping lion royalty image of lies on a rock", "lion lying on a rock editorial", "a lion resting on the rocks royalty", "a sleeping lion sleeping on a rock rock lying on", "a lion rests on a rock while sleeping", "a tiger laying on a large rock stock", "big laying on rocks royalty stock image", "a lying male lion royalty photography", "a lion lies on a large large rock in the", "a big big lion resting on the rock royalty", "lion lion resting lion lying lion laying lion lion lion lion lion lion lying stone lion", "lions royalty lion lion lions relaxing laying lion sleeping sleeping lions lion lion lion lion laying", "a lion is sleeping on a big rock in", "sleeping lion on a rock royalty illustration image", "lion lying down and sleeping royalty", "lion laying on a rock on one side", "sleeping lion royalty image of sleeping large big bear", "a lion sleeps on a rock royalty image of", "a lion sleeping royalty image big lazy lion lion stock", "a lion lying down royalty photo", "lion royalty lion lion lion lion lion lion lion lion lion lions royalty lion sleeping large", "lion lion laying laying sleeping lion lion bed lion stock lion lion sleeping laying stock relax", "lion stock image relaxed sleeping editorial stock", "sleeping sleeping lion sleeping sleeping sleeping male lion lions the sleeping lions sleeping sleeping laying and", "a lion laying down on a rock with his paws", "king lying sleeping male royalty male lion lion", "a large lion sleeping on a rock royalty", "a lion on a rock royaltypi stock images", "a large lion is resting on the rocks", "a lion sleeping on a large rock stock royalty", "the young big lion is sleeping on a rock stock", "the sleeping lion napping royalty image image", "the sleeping lion royalty image of a lion lying on the", "a tiger lying down on a large rock stock", "lion king lying on big rock editorial", "a sleeping lion on a rock royalty - stock - image of tiger sleeping on rocks", "lion laying on the rock royalty image of", "two adult male lying down on stone in zoo with no name", "a large sleeping lion with it's head on top of the rocks", "animal sleeps lion royalty free stock photo - image", "sleeping lions royalty image stock lion panther resting on a rock", "lions animals king sleeping in the woods is stock photo", "a safari lion resting down on top of a large", "lion napping on some rocks", "lion s napping royalty image of sleeping lion lying down", "lion sleeping laying on the ground stock king lion sleeping on the royalty", "a lion resting on a large rock royalty", "lion laying on a rock royalty photo image", "lion lion large lion lion male lazy resting lion stock lion large wildlife resting lion lions", "a lion asleep on the rocks royalty", "a lion lying on a rock ledge royalty", "a sleeping lion on rocks royalty images", "lion lion lion wild sleeping lion lion lion lion lion lion lion lion lying sleep lion", "sleeping sleeping lion royalty photos, royalty", "a sleeping lion laying on a rock royalty photography", "a sleeping lion laying on a big rock royalty", "a lion is relaxing by some rock royalty free stock for - lions clip art", "a very sleeping lion on a large rocks stock", "a lion lying on top of some large rocks stock", "a lion laying on the rock royalty photo", "lion royalty lion sitting on lion rock stones and", "a lions sleeping on a rock royalty image", "lion relaxing on a rocks in trees background", "relax sleeping stock sleeping sleeping cute relaxing sleeping relaxing sad resting lion sleeping sleeping lion lion", "lion royalty sleeping in the rocks stock stock image", "laying in the sun of a big rock", "a sleeping lion on a bench with his eyes", "lion laying down and resting stock illustrations", "a lion rests on a large rock with it's legs crossed on it", "lion with his arms sleeping stock photo", "lion royalty photo image of lion lying down on rock at", "lion lies on a rock royalty photo image", "lion laying sleeping lion lion lies sleeping sleeping sleeping lions lying lion lion lion zoo lion", "tired lion asleep stock photo image of sleeping lion", "close up photograph of lying lion in a rock", "a lion sleeping on a rock royalty image of", "nap lion lion lion male lion lazy stock sleeping lying lion lion lion lion lion lion", "a lion is lying on a rock in the park", "a sleeping lion royalty image of a sleeping lion", "sleeping lion lion lying lion lion sleeping lying laying lion lion leo lion stock lion lion", "large lion laying down on rock stock", "large lion sleeping on the big rock royalty photo", "a sleeping lion royalty image of a sleeping lion on a rock royalty image of", "a lion laying down with his head on its paws", "sleeping lion big royalty leo lion resting king roar stock stock lion royalty lion lion lion", "a lion sleeping on some rocks royalty", "large lion laying on the ground for nature lion lying on stone royalty", "a sleeping lion stock images royalty image", "a lying lion with an open mouth relaxing on a stone", "a big lion laying down on a big rock", "a large lion laying on the rock stock", "lion sleeping on rocks royalty lion laying on rocks stock", "the lion is lying on huge rock", "lion lion lion lion lion lion sleeping lion roar lion lion royalty lion editorial sleepy lion", "lying laying stock sleeping lion lion stock laying sleeping sleeping lion sleeping lion lion lions lions"], ["a lion the lion the lion lions lion the lion lion lion lion lions lion lion", "a cute lion wildlife animal relaxes royalty", "lion panther laying on large rock royalty editorial", "lion laying on a rock royalty photo", "of lion lion portrait lion lion lion lion lion li lions lion lion lions lion lion", "large and large cat laying on large rock royalty", "a lion lion cub laying on a big rock royalty", "lion royalty lion on royalty lion animal lion", "a lion lying on top of a rock stock", "lying royalty a big a lion a lion lion lion lion lion lion lion lion lion", "big lion on lion lion lion lion lion lion lion young lion lion royalty lion lion", "a lion is sleeping royalty download - picture of lion cub lion lion", "lion lion royalty lion royalty lion lion royalty lion royalty african lion royalty royalty background beautiful", "lion cub on rock royalty image stock", "cute big cub lion laying royalty background", "lion cub resting on a big rock royalty", "laying a a laying lion on a female lion lion small lion female lion lion lion", "a lion laying on rock stock lion lion", "lion laying on a rock royalty photograph royalty", "a lion laying on rocks stock photo", "lion lion li lion lion big lions lion lion lion zoo lion the lion li king", "a lion laying on a rock in the park", "lion resting on rock stock image", "a lone lion lying on top of a rock", "a large lion resting on a large rock royalty image of wildlife", "lion lying on a rock royalty", "lion resting lion royalty royalty lion lion lying lion royalty lion, sitting panther lion lion", "laying on and lying rock lion royalty royalty", "lion lion wildlife lion lion lion royalty lion lion lion lion wildlife lion lion lying lion", "a lion lying on a rock with it's ears open", "the lioness lies down on a rock stock", "a lion laying on a rock royalty image of", "a lion lying on the rock royalty photo", "a lion cub laying on a rock royalty", "big royalty female big lying lion laying relax lazy brown large lion panther sleeping sitting lion", "lion laying down on a rock relaxing on a rock", "a lioness royalty illustrations a large lioness royalty", "a lion is laying down on some big rocks", "lion lying on a rock with a cubs in", "lion cub resting royalty library - outdoor lion lying on stock", "a cute lioness royalty royalty royalty", "a lion cub laying on top of a rock royalty", "lions lion - lion lion stock big lion brown lion lion lion stock lion sleeping royalty", "lion cub lies on a rock lying on a rock", "lion male lying lion lion lion image royalty lion lion lion lion lion lion lion lion", "cute lion sleeping on rock royalty photo lion", "lion lynx lion panther lion lion stock a lion lion of on lion a lions lion", "lion tiger cub resting on a rock editorial", "a lion lion laying down on a rock", "sitting female lion lying li a large a sitting a lies the african lion african leo", "a lion cub lying on a rock and watching", "royalty lion lion lion leo lion lion lion young lion lion lion royalty stock lion lion", "a lion laying on a rock editorial", "lion female lion the lion female lion li the lion lion lion lion stock the lion", "large sleeping sitting rock rock background relax on rock rocks stock a royalty rocks on rock", "a lion lying on rock looking at the camera", "a large, beautiful, young lion laying down royalty", "lion lying on rock big cat cub royalty", "a lion at the rock royalty image image of", "wild lion lion on boulder stock image", "a lying lioness lays on a rock rock background", "a lion resting on a rock in the jungle", "a lion lion napping on the rock editorial", "a lies royalty image of laying down on a large rock", "a large lion royalty photo image of a liger", "the lion beautiful lion panther is resting on rocks stock", "lion lion a cub beautiful lion lying little a a large tiger lion sleeping lions lion", "a lion laying on some stones royalty", "lion cubs stock image lions, wild lion", "tiger male lion lion cub cub relaxing on large rock stock", "big lion lying on background editorial", "lion resting lion lion lion lion lion image lion lion lion lion lion lion lion lions", "a lying a little lion on rock rock stock for", "relax lying large resting close a laying a stock a big s beautiful royalty large sitting", "large stones lion lion sleeping big rock stock lion image rock big laying lion stock lion", "a lion laying on a rock stock image image", "a lion laying on a large rock on the rocks", "lion lion cub lion lying on an rock royalty", "a lion cub relaxing on a rock", "lion sleeping in the royalty lion laying lion lion lying royalty lion lion laying lion cute", "lion lying on a rock relaxing resting on royalty", "young lion lying on a big large rock royalty", "a resting tiger sleeping on a rock royalty image of", "lion lying on rock on a stone royalty", "lion relaxing on a rock editorial", "a lion resting on a rock royalty", "the lying lying beautiful lying a a the lying lion female zoo lion lion lion lion", "lion lion lying on large rocks royalty", "a lion lying down royalty photo of lying on big rocks", "a lion laying down stock photo image of", "lion female sitting on a rock with big paws", "stock large lion lion sitting lion lion lion in li wildlife lion lion sitting of lions", "lion lion lion lion lion lion lying lion adult lion tiger a lion lion lion lion", "lion lion lion lion lion a lion stock lion lion cecil lion lion female lion lion", "lion rec female laying sleeping sitting large zoo and stock lions lion beautiful stock tiger sleeping", "a lion laying on a rock stock background", "lion cub relaxing on a rock royalty", "a small monkey laying on large rocks royalty", "a lion laying on top of a rock royalty", "a lion lying down on the ground and looking in"], ["people with a backpack on the top of a mountain", "the rock is high in the sand with a trail to the side", "a man sitting at the top of a mountain looking across at a trail that leads", "a person looking at trees with a backpack on a bench", "a traveller in backpack resting on the ledge looking at the canyon stock photo 637", "a man is hiking through a canyon with steep mountains", "a man sitting on a rock with a backpack on his knees looking down on some", "a person with a water bottle sitting on top of a cliff", "a man sitting down in the middle of nowhere near hoodooans", "a backpacker at bryce canyon, utah, looking into bryces", "a small boy is hikeboarding through the canyons", "the sitting traveler looks out over the beautiful canyon of the canyon", "mountain a hike a a sitting overlooking a sitting man cliff climbing hike backpack a sitting", "lone sitting on top of a rock of the rock with a view over the canyon", "view of rocky gorge showing a woman sitting on top of it", "a person is sitting on a mountain, looking down at the valley full of hood", "a man sitting on top of a cliff with a bottle and a cup on its", "a man looking out into landscape during a scenic hike", "a person sitting on top of a rock over a backpack", "a person on a trek sitting on the rocks overlooking the valley", "hike overlooking red canyon seen from the rim of a peak", "a person on a rock overlooking the rugged landscape", "a backpack filled with a bunch of different camping items", "a person siting on top of a cliff overlooking the canyon", "a man looks out over a canyon like rock formation", "the little guy is sitting on the edge of a cliff", "the view of the gorge of a canyon from the top of a rock \u2014 stock", "a male hiker sitting on a mountain looking out in bryce point, utah,", "a hiker at the top of a cliff", "woman with large backpack takes in the panorama", "a man sitting on top of a rock that looks like formations", "a child is sitting on cliffs, facing the canyon, sitting on a ledge of", "the person looking out to the vast landscape of the nature \u2014 stock photo 5558", "a man wearing a backpack overlooking the canyon valleys", "a scenic view of an orange rocky landscape", "a person looking over the edge of a huge rocky ridge", "a young woman trekking on the canyon's edge is very beautiful, especially", "by hike hike backpack in hike traveler hike mountains mountain sitting watching landscape looking the a", "a man sitting on a rock looks across the countryside", "a man sits on a cliff overlooking a vast canyon", "a hiker is standing on top of a rock looking out over a canyon", "a man sitting on a cliff overlooking some colorful red rocks", "the person on the rock looks forward at the horizon", "a boy with a backpack sitting on a rock above some trees", "a lonely person is sitting on ledge looking over canyons", "the young backpacker is contemplating something that is amazing", "a person sitting on top of a large rock in the outdoors", "a kid sits on the top of a cliffs in the distance", "a backpacker looks at an incredible landscape of wood - colored canyons", "a person sitting on a rock and looking at the landscape", "a man trekking on an outcropping on top of a cliff at", "a man sitting on a rock looking into the distance", "a man sitting on top of a rock formation looking out at the landscape", "a close view of a vast valley near red, rocky canyons", "a small dog laying on top of a cliffs", "a person sitting on the edge of a cliff with a jar of milk", "person overlooking a mountain landscape with vast view of canyon", "a person sitting on top of a hill overlooking the desert", "a person on a mountain overlooking orange rock formations", "a man is sitting on a large rock near a canyon", "a man sitting on top of a dirt hill on a sunny day", "a person sitting atop a steep cliff with a backpack on his shoulder", "view of the ground area, with a mountain in the background", "a boy with backpack, sitting on rock, enjoying view of canyon", "a person in a backpack gazing over a canyon", "a photograph of the mountain and valleys near bryce", "backpack backpack camping a hiking sitting a backpack a boy overlooking camping a perched looking a", "man in a backpack sitting on top of a cliff", "male hikers are hiking through trails in a canyon, sitting on a cliff", "boy sat on cliff with backpack overlooking grand canyon", "hiking with a backpack sits on a ledge overlooking a gorge", "person sitting on a rock and looking at some of the canyons that i live", "a hiking hike hike hike - looking hiking hiking, back backpack travel backpack to hiking", "a large rock that is on a rock that is high up", "a a with on rocky a view trek mountains rock peak lookout travel travel travel on", "a man sitting with backpack looking in a mountain view", "a young man sitting in the ground looking straight out over a wide valley", "a man with a backpack sitting on a rocky trail near a forest", "woman wearing an red jacket looking out to the gorge with canyon and red rocks with", "a woman is sitting on a large rock looking out over the valley", "a backpacker is hiking and backpackers are backpacking around the desert", "a man looking at the view at bryces monument", "the person is sitting looking down on a wide landscape", "a person sitting on a cliff looking into the distance", "a person looking into a canyon from trail looking down", "a person sitting on the ledge of a cliff by the mountains", "woman on a rock in front of bryce national park", "a backpack backpacker resting on top of a rock with a backpack", "a young man stands at the top of a large hill wearing a backpack", "a man with a water kettle sitting on a peak of a cliff", "a man sitting on top of a mountain looks over scenicly", "the man is looking at some colorful surroundings", "a person sitting on a large rock that has a view of a forest", "a man in a backpack looking out over a wide valley of bryce canyon is the", "a man is sitting on the edge of a cliff looking down at the scenery \u2014", "hiker with back pack and back bag sitting at the top of a cliff looking", "a man sitting in front of the trees overlooking the canyons", "someone on a mountain summit is drinking from a thermoscope on a tea", "a man drinking from a glass cup at a scenic overlook overlooking the bryced valley", "a traveler is looking at the view from top of a hill"]]}, {"question_id": 6657695, "question": "Does the horse that is in grass and the horse that is in a river have the same color?", "answer": "yes", "captions": [["a pony grazing in the grass and grazing on the ground", "a horse pasture horse is grazing through the grass", "horse horse horse pony horse horse horse horse pony horse horse on animal horse pony horse", "a white horse grazing in the grass next to a road", "a pony and a foal are in a pen eating grass", "a horse eating grass next to a field with a pony", "a horse looking around eating on grass from the side of the road", "a horse grazps in the grass while a horse stands in the grass behind the", "an horse grazing through short bushes off a wet road", "a horse is grazing in a fenced fenced off area", "a horse grazing grass next to a horse and mud", "a horse is standing behind some weeds and weeds eating grass", "the two horses are eating grass next to an industrial gravel road", "eating horse horse horse horse horses horse horse lone horse grazing f horse horse pony pony", "a horse walking through a sandy patch of dirt next to a water", "the horse is grazing in the field eating the green grass", "a horse standing next to road and overgrown grass", "a very cute horse riding in the grass near water", "a maresso mare foa horse grazing grazing, in the sun", "a brown and white horse eating grass in the grass behind a gravel walkway", "a horse grazing, close to a horse near the water", "a horse that is eating some grass and hay", "a horse grazing on grass while crossing the road next to a gravel road", "a horse standing behind a chain link fence next to a puddle of water", "a horse grazing in a field near a watering ditch", "a lone brown horse is grazing by the roadway", "deer eating grass on the roadside", "the horse is eating the grass in the yard", "a horse eats grass off the ground and graze", "a horse grazing grass on top of a grass field", "horse standing in a pasture grazing in tall grass", "a horse in the grass eating by a fence", "horse grazing in grass near water in a field", "the horse is grazing a field in the gravel road", "horses grazing in the green area, grazing in the grass", "a brown and white pony and horse eating in grass", "a horse eating grass in a field next to a road", "a horse standing behind some grass looking down", "a horse grazing in a field next to some water", "pony horse grazing in field beside road and gravel road", "the single cow grazing in a pasture, at one of the animal pastures", "a horse grazing on green grass in a large field", "a horse is grazing some grass for a horse", "a brown horse standing next to gravel and grass", "a white doe in grass next to a white and brown horse", "horse behind fence on a grassy, green landscape", "two horses, one horse, all horse and one horse eating the grass to the", "a horse stands grazing high weeds outside", "horse grazing in the grass grazing a horse behind a horse", "a horse sitting a asphalt path with a dirt road beside horses", "grazing next to the water path and on the ground in front of a fence,", "mule horse in a enclosed fenced area grazing on a grass area", "a horse that is grazing in some grass", "a horse grazing beside a road in a rural yard", "a zebra grazes in the grass on a gravel path", "brown two horse next horses on grazing with horses graz a in stable grazing horse horse", "horse grazing grass in the middle of a field", "a horse is grazing on grass with its horse near the path", "a close up of a horse grazing in a field", "a horse grazes behind a fence while eating grass", "a horse standing next to a grass field with a horse eating in the grass", "a brown horse eating some green grass in the pasture", "a light colored horse and pony, grazing", "a horse grazing on the grass by a paddock", "horse horse grazing horse horse a horse horse and grazing, stable one pasture horse that", "a horse standing in a grass field near a puddle", "horse e horse horses lonely horse horse horses horse with animal horse horse horse horse,", "a horse in a grassy area behind a fence", "a horse standing in a grassy field with a path", "a horse grazs in a grass area with a horse standing in the opposite opposite", "two horses standing behind a chain link fence next to a gravel path", "a horse grazing in the lush grass next to the dirt on a road", "the brown horse is standing in the grass", "horse grazing in a grass field next to two sheep", "a horse grazing in the tall grass on a gravel path", "horse horse horse horse pony brown horse horse deer e horse pony by horse by horse", "one horse is standing up and looking down", "a horse in a field eating bushes", "a horse that looks eating the grass along the asphalt", "a small horse standing on top of a grass covered hill next to a road", " horse two a a pony on pony horse pony pony grazing brown horses horse grazing", "a horse is horse standing in grass behind small path", "a brown dog sitting in a meadow next to a dirt driveway", "a horse is grazing in a grassy field", "a horse standing in a field with grass in it", "a white horse grazing in grass next to a gravel path", "a donkey grazes next to a barbed wire fence", "a horse that is standing in the grass near a road", "horse land horse horse horse deer horse horse pony horse horse", "a horse grazing grass in field next to a puddle", "horse is standing in the pasture looking out around", "a horse in a field near a trail", "horse eating grass in a green grass field next to a water", "a brown horse eating grass on the side of a road", "a horse grazing out on the grass next to a road", "a horse stands down grazing in muddy terrain", "a couple of animals grazing on a lush green field", "a brown horse is standing outside in the fenced pasture", "two horses grazing in the middle of the grass - strewn field", "a horse in the pasture of lush green grass"], ["a pasture with there horses and a foa and foa colt running through the", "a group of horses and a foal next to each other stand in a", "three horses walking in a grassy field with brown and white horses", "three horses horses and a f fn are grazing", "four horse friends all different colors", "and white and horse horses horses mare on horses mare f horses, horses horses mare", "three horses stand looking together as a colt and foa", "horses horse horses mare three horse next f horse horse horses f herd s in horses", "horses horses horses horses all horses horses standing horse horses horses mare herd horses horses a", "three small horse and a brown horse stands in a grassy field", "a photo of several small horses and pony in a field", "horses chestnut horse f next brown mare pasture horses mare to horse horse horse horse brown", "the two small horses are surrounded by a herd of horses", "several horses in the long grass together", "three brown and two brown horse standing next to brown horses", "four horses and one brown and a brown horse run among grass", "a photo of two horses and two f colt horses", "three brown horses and a horse in a field", "some horses in the grass together and some coltpies", "a brown horse standing next to three brown horses", "three animals and foa horses walking in a grassy field", "two young horses with a younger and a foa horse", "a group of horses are standing in a big pasture", "a pony and a foal walk to a horse foal", "horses e horses - saddle horses horses horses horses gallo horse f horses horse horses horse", "some brown and white horses in a lush green field", "four horse standing near three other horse in a grass field", "horses horses horses horse horse horses horses horses horses herd horses horses horses horses and horses", "a family a group of horses standing next to grass", "three horses and horses are standing in a pasture", "a small brown and a brown horse, two young horses and three horses", "two horses are surrounded by their foas and horses", "two horses are running with three horses running together in a brown, brown, and", "two small and one big horses standing side by side in a field", "group of horses walking in the grass field", "three horses standing together standing in a field", "horses horses pony f pony horses pony white is on a mare and", "horses are walking around in a grassy field", "four horses standing in a brown grassy field", "a brown foa and two brown foals grazing in a field", "two brown horses and two white horses running across a field", "horses are all horses, while just horses go to the photo", "white horse, mareo agenda colt coltbobellechylikain, running", "horses horses adult f pasture horses e horses chestnut horses horses horses chestnut horses two f", "mare and foas running in a grassy field", "a group of horses with a colt colt in a field of tall grass", "a small horse running around in a field", "some newborn foaa foas beside a mare foas", "two baby horses and a foan", "three horses standing side by side on a grassy pasture", "two grey horses, a black horse, a grey and a white horse are in", "three horses standing in a grassy pasture", "three tiny horses in tall grass are grazing", "some horses are standing around together in a bunch", "two horses and a small brown horse stands by green trees", "four horses and two foals standing in a field of grass", "the wild - camaroos horses are the horses of some species and are free", "white and foal with two foas in a field of tall grass", "three horses and horses standing in a field with three horses", "small mare and baby horse grazing on a field", "a photo and dp photography photo group of horses", "f two, horse horse stallion horses mare pasture horses'horses and in and horses", "the horses are walking across the wild field", "a small brown foal standing next to a baby horse on a brown horse", "a small is near three horses standing in a field", "f and mare horses f in f brown horse horse mare", " and horses mare brown horse a horses f f f horses grazing horses stallion f", "three horses standing near some one of them has her foals", "a herd of three horses horses together with foa horses", "a herd of horses and foan in a pasture", "a group of three horses standing on top of a grass covered field", "four horses with four foals standing around", "a small horse f colt horse f and a f colt colt colt colt colt all", "two foant stand close to a horse and foal", "a group of wild horses grazing together in the woods", "the horse herd is looking next to the mare and fo", "horses in a field with tall grass and trees in the background", "three horses walking across a field towards another horse", "a group of three horses are running in a field", "three horses and three foal running together", "a group of horses and foal standing in a field", "a mare and foal eating in a field", "horses and baby horses walking in a field", "a horse and foan in tall grass together", "three horses are standing beside each other in a field", "three horses and fodder calves is standing in a field", "three horses walking through a field with trees in the background", "a group of horses standing on a grass covered hill", "white and white horses are standing together in a grassy field", "a group of horses are walking around in a field that has short grass", "two horses and one baby horses standing in a field", "horses horses three horses two with stable three horses s horses mare pony horse and pasture", "a group of horses and foals running in the grass", "the mare and foa are next to the pony foal", "horses on a pasture near one its foal", "a couple of horses that are standing in the grass", "three horses are standing in a field and one brown horses are running", "po colt horses horse horses with horses pony pony horses horses horses horses brown horses horses", "a and horse horses horses horse in brown horse horse stallion horses baby, brown f", "horses are standing in a field with two horses"], ["horses grazing and grazing, one horse eating a grass is a horses graze", "two horses horses grazing in a field full of grass", "a brown horse eating the grass while two brown horses graze", "two horses grazing on a green pasture with horses and horses grazing", "two horses with horses horses grazing grazing grass", "a horse grazes and grazes atop a pasture pasture", "horses ranch horses horse horses horses horses brown horses horses colt horses horses horses mare horse", "a horse standing in green grass and green grassy field", "a horse and horse grazing on a lush green field", "a horse and two horses grazing in a grassy grassy field", "horse in horse grass a horse horse e pasture horse stallion horses horse brown a pasture", "horse grazing in an open pasture next to the lighthouse", "a horse, horse and foa grazing in a field on a summer day with", "a brown horse and a brown horse grazing next to water in a pasture", "horses horse brown horse horses horses, horse horse grazing horses pasture horse horse two horse", "horses horses with horses pony horses horses pony horse horses all horses horses horse horse horses", "horse horses stable horses horse horses the horse horses horse horses horse horse horse horses horse", "horse and horses grazing on the fresh grass with a large building in the background", "two horses grazing next to horses grazing while a brown horse horses and a brown horse", "brown grazing horse one field horses horses lone horses chestnut horses pony horse grazing pasture pasture", "horse and a horse in a field on a green hill with horse and brown horse", "a group of horses on a vast green field", "a horse walking a one horse standing in the field near another horse", "grazing one horses grazing grazing horse horse equestrian horses horse horse grazing eating pony standing grazing", "a horse in a pasture near a grass pasture", "two horses grazing on a field grass hills edge", "in horseback pony horse - horses horses horse horses and horses and horse pasture horses grazing", "horse horses e horse horse brown with horse two horse horses two horses horses horses horse", "two horses graze on a fresh grass with a mare mare in the background", "a horse grazing a field with a pony on the grass with it's chestnut", "the horse and horse is grazing next to the horse grazing", "brown horse horses a it horses horse with behind horse mare brown pony horse all horse", "horse and horse horses grazing in a field", "a horse, a horse in the foreground and horse in the far side", "stallion stables horse horses horses grazing horse horse grazing brown brown there horse equestrian pony horseback", "the horse in a field has the grass and a castle in the back", "horses and a horse are eating grass while a horse grazes with a horse behind", "horses graze on a pasture", "horses grazing on a field with some horses grazing in the distance", "a pony on a beautiful landscape with horses in the pasture", "two horses and a horse are standing in the pasture pasture eating", "horses f horses horses horses horses while horse horses horses horses horses horses horses brown horses", "horses graze on grass as horse eats nearby", "horses grazing in a field in front of a grassy hill", "horses graze in a green field during the winter", "two horses and four horses on a grassy green field with a man watching a horse", "a horse and pony graze on a field of grass", "some horses grazing on grass, horses eating while grazing", "horses eating grass and grazing in front of a stable style horse and a grazing e", "a horse and brown horse grazing in a green pasture", "a horse and two horses graze in a pasture with a big house in the", "horses horse horses stable - horse pasture colt horse horses brown horses horse stallion horseback pony", "a very brown horse grazes next to a brown horse", "a horse grazing a grassy hill, a brown chestnut horse grazing", "two brown horses eating and grazing on a horse hill", "brown horses horses brown horse the horse horse horses horse horse horse looking and e horses", "a horse graze next to a home with a horse and two horses grazing on", "a brown horse grazing on top of a large grass field", "the horses are eating grass along the pasture", "a brown horse grazing in pasture with a red lighthouse tower", "some horses in a field grazing on grass", "horses graze on plains with a large red lighthouse in the background", "brown field a horse horse alone green field horse pasture horses horse brown horses pasture horse", "a horse and a pony grazing a grass with a horse and a tower at a", "a horse grazes on grass overlooking a red lighthouse", "horse horses horse horses horse in brown horses horse green horses horse grass horses horses that", "a horse running in a grassy pasture with two horses", "horses pasture grazing horse grass horses horse horse horses e grazing that grazing, horses", "horse lone horses horses grazing chestnut colt horses horse horses, horses horse horse horse horses", "horse in a pasture grazing on the green landscape", "a horse grazing on a grassy field with a red light at the top", "horses horses horses horses horses horses pony horses horse horses horses horse horses in horses horse", "two horses and two horses horse and horse next to a red light house", "horses brown horse brown horses horse mare and horse chestnut the - grazing equestrian horses horse", "a horse and two horses grazing behind a brown in a field", "horse horses grazing horses horses two brown horses and horses grazing horses horses of horses horses", "red horses pony graz two eating stallion horse horse horses horses horse stallion red horseshorse", "a horse is grazing on the grass while two horses graze with the horse", "a horse eating grass with a horse in the background", "a horse in a pasture and a light house behind it", "horse and horse on the field with horse standing in the open", "the horse is grazing in the green field", "horses grazing on a green grass pasture field", "two horses horse standing behind two horses grazing in a field", "two horses standing next to two horses eating grass while a brown horse is feeding", "horses horses brown horses horses horses horse horses horse brown grazing horses horses wild a wild", "horse with foal in open grass field near grazing grass", "horses horse grazing pony horses horse horse horses horse horses grazing horse eating horses grazing grazing", "a group of horses eating brown and grass for field", "horses pasture grazing horses horses horses animals horse horse horses e animals brown horses stallion horses", "horses horses horses horses horse horse brown hay horse stable grazing horses pasture graz stallion horses", "a brown horse with a brown horse grazing grass", "a brown in the grass eating grass eatting horse grazing while horse horses graze", "two horses and a horse in a field", "a horse on a grass field looking at a horse and horse grazing on it s", "two horses grazing in a grass field with a brown horse eating some grass", "horses are grazing in a large grass field", "a stallion and a marettano colt colt horse grazing on an pasture", "two horses walking on the grass of an open field", "a horse that is standing on a field next to some horse"], ["several people petsting a large horse with horse in water", "horses crossing a stream in the water with people walking in the water", "a group of people stands near the head of a horse and a young horse", "people are standing around a small body with a brown horse in it walking next to", "two effinters and horses are bathing in a pond as two horses stand by", "horses and some people walking in a body of water", "a horse with two horses splashking in a river", "there is a horse walking into the water with a little horse", "there are horses standing in a marsh together", "a man stands beside a body of water while a gray horse walks and a brown", "several people and horses are in the water", "some animals one horse and two horses are swimming in water and a woman leads a", "a brown and white pony and a mustang horse are in the water", "a horse standing in a body of water with two people walking by with two horses", "a horse is walking in the water with a man and two other horses", "a horse and its horse in water in water", "horses horse - animals horse water walking cow horse two horse pony horse horses horses horses", "a herder is herding to a horse and two horses are in the water", "people are watching horses wade a horse in water", "a horse is standing in the shallow water with its two people", "horses in a pond with water and people walking", "a horse and a horse being petped up by two young men", "horse horses horses horse horse stable horse ho walking horse in horses horse horse walking horses", "people and horses in the water with one horse in the water and another brown horse", "horses in water with their owner and horse being seen", "a man walks in the water with a horse and a pony", "a family walks with horses as one man is wading in water", "people around horses standing in water with horses being pony and horse in a shallow water", "a picture of a horse that was not in an image, horsebackrs and horses", "a couple of people and horses in water with two boats", "people are standing near horses in the water", "two men helping horses in the water while a horse is being led away by two", "the horses are being pulled into the water by people", "horses herd donkey pony equestrian e horses stable horses horse horse horse horses in horse horses", "three people and two wild horses wade together as two people stand on the beach", "horses water horses people horses horse horses horses horses horse horses three horse horses horses herd", "a few horses with their horse going in the water", "several people wade in with their horses and a group of horses walking", "horses bathing a horse, horse is surrounded by a group of other people", "horses horse horseback horse horses horse horses and horse horse horses horse horse horses horses,", "horses standing in the water while two horses are crossing", "horses horse horse stallion horse horse horses horses horse horses horses horse horse horse horses horse", "horse for horse horse horse horses horses and horse horse horses horses horse horses horses pony", "two horses are being washed in a shallow lake", "a horse in the water surrounded by boats", "horses horse horses horses the horses horses horses horses horses horses horse there horses pony horses", "a horse walking in a body of water with two men leading it", "three horses standing near horses with one running", "a horse bathes in the water with a horse floating in it", "two people and a horse in the water while three people stand next to a horse", "people, horses, horse and dogs wading into water with horses standing on sand", "stable horse horseback horses horse horses horses horses pony with friends two horse horse horses stable", "a group of horses that are standing in the water", "three men washing horses in the water in the water", "a group of horses and a horse are in the water", "horse crossing the river bathtub is very different", "horses standing in the water with two horses in the background", "horse and horses are being released", "horse horses, horse horses donkey people horse stable horses horses horses stable, horse horse", "people with horses are standing in the water", "horses in a water with a horse and foan in the water", "people with a pond area with horses standing in a river as a horse is standing", "people herd horses running and wading through the water with a horse that's", "horse horses pony horses one horses horses horses stable horse horse and horses horse with pony", "horses being carried into water by their owners", "people are walking by with a horse walking around two horses and a pony riding a", "people with horse and horses and horses walking around a lake", "a man with a group of kneeling and a man and a horse and horse standing", "a horse that has a bath with their horses in a lake", "a man walking in the water with a horse", "horse wet horse that horses horse horses horses horses horses horse horses horse horses horses horses", "a herder meets a horse for the first time", "four horses drink water as one horse drinks milk, another carries the horse by the", "a horse hugs its stall's mane while two other people stand in the water", "some people and some horses in water with a horse in its mouth", "horse horse horses horses horses horseback horseback brown horses pony horse horses horse horse stallionhorse", "horse horse wadi horse equestrian horse horse horses stable equestrian horse horse horseback horses horses horse", "the horses are in the water being being bathing", "horses are swimming with two horses and several horses near boats", "a horse is in the water with a horse on top", "a group of horse drinking water beside a herder", "a horses and riders cross water with the horse", "stable brown horse horses pony horses horse horses horses stable stable mare e horse horse animal", "horses standing in the water, and horses are walking away from them", "a horse standing next to another animal with marens in the water", "horseback horses horses horse horse equestrian horseback horse horses horses in horses for horses horses horse", "one horse in the water as some other horse walk down off of the beach", "a horse in the water with a horse in the water", "horses wading in a stream across a body of water", "horse horses in shallow waters bath with animal in pasture", "a brown horse wades into a lake with some horses", "some people on horseback water a horse and some people", "a horse walks through a river while herding two horses take a bath", "two individuals riding a horse and one horse in water", "a horse that is in the water and it has his head in the water", "three men with horses and a donkey in water", "horse and colt walking on the water, with horse's herd, with two", "the horse riders and the horse are standing in the water with two horses", "two men and three horses wading in a body of water in back to back", "a brown brown and white horse and a horse standing in a puddle in the water"], ["a black and white photo of a horse standing in the snow", "a horse in an enclosed pen on a rural farm", "a person leading a running horse while being leashed by a man", "a man riding a horse on a rope tied to poles", "a horse standing in a corral in an enclosed field", "horse horse horse horse horse horse running horse horse horse horse lass horse running horse horse", "a a a a a a a a a woman a black a a the a", "horse horse man horse horse brown horse horse, horse walking brown horse a - man", "a man holding the neck of a horse while standing on a ranch", "man in white shirt in an equestrian enclosure being towed on a horse", "a young person is walking behind a horse", "a man training his horse while another man looks on", "a young man is leading a brown horse to a barn", "a horse pulling another horse on a chain", "a black and white photo of a man leading a horse", "a person walking on a dirt field while an animal is walking in the sand", "dark horse in dirt field in rural area", "a man holding the reins of a stallion in a field", "a black horse that's run in the snow", "a black horse gallops around inside an enclosure", "a man leading a horse through sand as he pulls a rope", "training a horse horse the a horse horse horse and brown horse running horse rope horse", "a black horse following a man on the ground while outside", "horse a is horse black being black lass horse horse rope on walking lead horse being", "a black horse running inside a pasture with grass", "a man pulling a horse in a harness", "a black horse on farm field standing on dirt", "rope horse horse that a horse rope being horse a the a a there being the", "a black horse is on a leash with a man walking it", "a man leading a brown horse on a field", "a man riding a horse in a grassy field", "a person standing in a dirt field with a brown horse", "another man playing in a field behind another man walking behind him", "a horse in a barn at a gallop", "a man with a white shirt and jeans walking a horse", "a photo of a man looking at a brown horse in the fence", "a horse is running on a hill", "- man a a a a black a black black horse horse man trainer black stable", "a black horse being lead by its trainer", "black horse running in field area with man", "black horse running in dirt with the sun shining on the outside", "a black - and - white photo with the horse being pulled by another horse", "a man leading a large black horse in a pen", "horse a a a a a a a a black black black brown a a the", "horses, including a long mane, are in the dirt", "a large brown horse on a sandy ground inside a fenced area", "a man is holding a horse out as it runs across a dirt field", "a young horse sits alone as a man prepares to gallo around", "a man running a horse on a field near a person", "a horse being leaded to a person and roped off", "a person rides a horse in a dirt field", "a horse being chased by a man on a field of dirt", "man holding horse on lead in open area on daytime", "a horse who is galloping is in front of another horse which is black", "a man holding a horse on a tight rope", "a young man walks behind a horse near the trainer", "girl is leading a horse by the lasser", "a man is pulling a horse by a rope", "a man is leading a horse across the dirt", "a horse is seen at the same time that in the picture there is a man", "a woman leads a horse around in a fenced in barn", "a horse, in an enclosed area, facing forward", "a man pulling a horse by a long rope", "man talking towards camera with a smile on his face", "a man walking a brown horse behind a tree", "a man riding a horse in a dirt field", "a black horse in two different stages, standing in a dirt pen", "a horse and a man walking a horse on a rope", "a horse is pulling tied down on a cord", "a dark brown horse running on top of a dirt field", "a man standing in the dirt with a horse", "a horse is walking down the field with a man", "a man is running towards a brown horse in the field", "man walking a horse in an enclosure near dirt", "a horse is roped up on a chain in an abandoned farm", "a man being pulled by a horse on a rope", "a black horse is taking a rope on a field", "a man walking around a fenced in fenced back area next to horses", "brown black stallion brown side black horses horse brown a a a there a he a", "a man attached in the air while walking while pulling a horse on a rope", "a person who is standing in field with dark horse", "a horse walks behind a man as a horse is ready to reins him", "the the man horse horseback the a in black the a a a horse horse a", "a horse being taught by a horse on a rope", "the horse running is black with a jockey in the background", "this horse looks to be on the same track", "man has walking on horse and walking behind it", "a side photo of a brown horse in a riding arena", "a man standing in a arena holding a ball in his hand", "a house is standing behind a farm, with a dirt and dirt area with grass", "a brown horse pulling rope on a dirt field", "a person walking around a farm with a small horse on a dirt hillside", "a man wearing shirt taking a galloe running horse", "a man takes away a horse as he moves it", "the man leads a brown horse on a small dirt track", "trainer a people a horse riding horse rope a a a a a a black horse", "a person is walking a horse as the horse is being flown", "a black horse running on top of a grass topped field", "a horse and a man are walking by in a field", "a the horse horse a horse horse horses horse stallion small walking horse a a a"]]}, {"question_id": 2074201, "question": "Is the woman holding a carrot or shredding it?", "answer": "shredding", "captions": [["woman prepares an eating vegetable salad and carrot strips", "a woman cutting carrots and carrot strips on a platter", "carrot scissors carrot food carrot chop vegetables cooking vegetable cutting vegetable salad chop cutting carrot skill", "chopped and cut carrots sitting by a cutting board slicing up carrots", "a woman slicing carrot carrot carrot carrot carrot carrot chopped carrot carrot carrot and cut carrot", "a woman choppling cutting her kitchen chop chop chop", "cutting carrot cutting cutting vegetables carrot carrot preparing salad preparing woman ve carrot chop cooking cooking", "a lady chopping carrots and shredded cole slaw", "a woman cutting carrots, carrot carrots and grated carrots for a", "a pregnant woman cutting carrots on a cutting board", "a person cutting carrot carrot carrot strips next", "a woman chopping over a plate with vegetables on a cutting board", "a woman is chopping carrot and carrot for shredded carrot and shredded carrot carrots", "a woman is cutting carrot carrot carrots, dice carrots and cutting a cell", "cutting plate carrot carrot cutting cutting vegetable cutting carrot preparing cooking taking chop vegetable lady sliced", "a woman in glasses chopping carrot carrots and veggies", "a woman cutting carrot strips and vegetables in a pan", "a woman cutting carrots and cabbage next to a sandwich", "a woman cutting carrot carrot strips and carrots on a cutting board", "a person cutting coleslaw on a cutting board", "a young woman chops carrots and food making a vegetable dish on a cutting", "the woman is looking at some meat sushi rice", "a pregnant woman making carrot carrot cut pieces on chop", "chop carrot carrot chop carrot cutting vegetables chop chop chop chop chop chop chop chop vegetable", "cutting slicing cutting cutting cutting vegetables cutting chop cutting chop cutting cutting cutting cutting cutting cutting", "a woman slicing carrotes, carrots and cauliflower on a cutting board", "a pregnant woman preparing vesa and chopped vecuni cut carrot carrot cel", "a person using food on a cutting board with carrots, carrots and cutting", "a person chopping carrots on a cutting board", "making cutting woman cutting phone prep, a cutting holding cutting cutting cutting cutting food cutting", "a kitchen girl chopping some carrot cut carrots with a cell phone on top", "a woman in the kitchen cuts carrot strips and chopped carrots", "a woman is cutting carrot carrot carrot strips into carrot carrot carrot strips", "a person cutting up with carrots and carrots in a kitchen", "a woman chopping carrots strips and a plate of chicken meat", "a woman cutting carrot chops with a phone", "a woman in a kitchen cutting carrot carrot carrot sticks", "a young woman is cutting carrots, carrots and on her cell phone", "woman cutting carrot carrot carrot noodles chop carrot carrot carrot carrot noodles carrot carrot carrot and", "a person is making food with a sandwich", "on carrot carrot vegetable cutting cutting chop cutting chop slicing preparing vegetable prep carrot phone vegetable", "a pregnant woman holding an apple in her belly in the hands cutting carrots", "a woman cutting veggies with a mobile phone", "a woman cutting carrots, carrots and a tray of food", "a woman slicing vegetables in a black and white kitchen", "vegetable cutting cutting cutting cutting cutting being cutting carrot knife cooking is slicing chop chop cooking", "a girl slicing carrot carrot noodles, carrot carrots and cell phone", "a woman is using her cell phone to cook a salad", "carrot adding cutting holding cutting he woman carrot slicing preparing in carrot in carrot carrot carrot", "young woman cutting carrot sticks carrot cuts on a cutting board", "a lady is making what delicious vegetable & veggies", "a woman prepares to cut vegetables next to a smartphone", "a woman cutting raw vegetables beside a man making food", "a woman cutting carrot carrots with a knife and cutting board", "a woman cutting carrot and carrot carrot carrot seed chopping", "young woman cutting carrot carrot strips with chop", "a woman chopling carrots carrots on a cutting board", "chop chopped cutting cutting cutting slicing cutting vegetable chop cutting cutting cutting chop chop ve chop", "a person holding chop board cutting carrot carrots and cut carrots", "a person preparing chopped carrot carrots and cut up carrots into strips", "a woman cutting carrot carrot carrot vegetables carrot dice for veggies", "a person chopping carrots and carrots with knife", "a woman preparing and slicing vegetables for a carrot and carrot salad burger", "a woman chopping carrot carrot carrot carrot and chop carrot carrot chop carrot cutting carrot", "a woman is cutting vegetables and slicing carrots", "woman cutting carrots and chopping vegetables on cutting board", "vegetable chop preparing chef cutting chop using the vegetable cuts preparing chopped chop chop cutting cutting", "a girl chopping carrots with dicers and a cutting board", "a woman in action with vegetables and a knife cutting carrots on a board", "holding cutting chef cutting cutting chop cutting cut cutting vegetables chop cutting carrot carrot cell vegetables", "a woman is cutting carrots and carrots on a cutting board", "cooking su smartphone cutting using cooking cutting a chop cell woman slicing slicing cooking taking using", "a woman cutting carrot carrot and vegetables on a chopping board", "a woman stands at a table cutting a carrot sandwich on her cell phone", "two women in aprons slicing up carrots and vegetables", "a woman wearing a apron chops the vegetable vegetables", "a female cutting some veggies and chops and cutting carrots on a", "a pregnant woman cutting shredded carrot carrot carrot carrot carrot carrot", "a woman chopling while cutting carrot carrot carrot carrot carrot chopped strips, chop carrot", "a woman chopping carrot carrots and carrot strips on cutting board", "a woman holding a cutting board cutting carrots", "prep carrot the chef chop carrot cutting slicing cooking cutting slicing carrot vegetables", "this girl uses the nokia smartphone while slicing carrots and carrots while holding a", "my food skills carrot chopped carrot carrot carrots and carrot sticks are on a cutting", "the woman in the kitchen is carving carrot strips on beef plate", "a pregnant woman chopping carrots, carrots and carrots for vegg", "a person cutting carrots and chopped carrots on a cutting board", "woman cutting carrot carrots with vegetables on a cutting board", "a woman preparing vegetables on a cutting board cutting carrots, carrot, carrots", "cell smartphone phone cutting chop cell cutting cell cutting cutting being chop cutting cooking chop cutting", "a woman cuts carrots on cutting board on wooden surface", "the pregnant woman is chopping carrots and carrots on a cutting board", "a woman is cooking carrot carrot vegetables using carrot carrot strips", "a woman slicing carrot carrot vegetables on a cutting deck cutting a carrot salad", "a woman chopping carrots and carrots with a tablet", "cutting serving cutting cutting a serving chop slicing cutting a cutting carrot holding chop chop cooking", "woman prepares asian cuisine with vegetables and carrots", "an image of a girl cutting the food", "a woman chopping carrots and carrots while holding a cutting board", "a woman holding her hand while cutting carrots and cutting carrots with vegetables"], ["a carrot and a carrot carrot are being taken out of a mouth", "carrot carrot horse carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot", "one large white horse looking at the camera, with one large horse mouth opening the", "a horse eating the mouth of a horse eating eating a horse, eating a carrot", "there is a close up picture with a horse neck, holding a carrot carrot carrot", "a pony holds a carrot in his mouth", "a close up of a person holding a carrot carrot carrot carrot carrot carrot carrot carrot", "a carrot carrot carrot is being held to eat", "a carrot in a wooden fence eating a carrot carrot", "a person feeding his head, holding the housep, with a carrot carrot and", "a close up picture of a horse eating a horse", "the carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot", "a carrot and carrot is eating and eating raw carrots and carrot carrot carrot carrot", "a horse eating a carrot carrot and has carrot carrots in its mouth", "carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot eating carrot carrot carrot carrot carrot", "carrot carrot carrot carrot carrot the carrot carrot carrot carrot carrot carrot carrot carrot carrot horse", "a carrot in the mouth, showing it's teeth and eating it", "the horse eats on a mission of a carrot and carrot", "a horse is eating a carrot carrot carrot carrot carrot carrot", "a carrot carrot is in its mouth with teeth and hair", "a carrot carrot carrot with a carrot and a carrot and carrot carrot", "a horse licking over and eating a yappy carrot eating carrots, carrot teeth", "a carrot carrot carrots next to a horse feed to hold it", "a horse mouth is brushing its teeth while holding a carrot carrot", "horse horse horse horse horse biting eats go carrot carrot horse carrot carrot carrot eating carrot", "is carrot carrot carrot carrot horse horse horse carrot white carrot carrot carrot carrot eating carrot", "a carrot and carrot carrot carrot in the carrot", "a carrot and an an open carrot", "an angry clown displays how to bring the carrots to the teeth", "a close up view of a smiling horse's head, holding carrot carrots", "carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot", "carrot carrot bite teeth carrot carrot carrot carrot carrot carrot carrot carrot funny carrot carrot carrot", "a carrot carrot seedlgro and carrot carrot carrot carrot carrot carrot carrot carrot", "carrot horse carrot carrot carrot horse carrot carrot horse carrot carrot colt bite horse carrot eating", "carrot eating mouth horse carrot carrot ya carrot carrot mouth carrot carrot carrot carrot carrot carrot", "a boy is showing that his smile does not have to go eat the carrot carrot", "carrot carrot carrot carrot eats carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot", "a close up of a carrot carrot carrot with an carrot in it", "a large white horse with its mouth open holding a carrot and eating", "eating eating carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot lip carrot carrot", "ya horse carrot carrot carrot horse horse chew mouth, carrot carrot ya carrot white a", "a white horse taking a bright carrot out of its mouth", "a unicorn horse eating a carrot and eating a carrot carrot carrot veggies and", "carrot being carrot carrot carrot carrot horse eating carrot with carrot eating a close carrot eating", "an animal eating by a fence, eating closely at the mouth, eating a carrot", "a close up of a carrot and a carrot carrot", "the carrot has a carrot in it as well as it is being fed", "a horse eats that is eating with a carrot carrot carrot carrot next carrot carrot carrot", "a carrot and carrot is eating aster carrot teeth", "a orange carrot is yawnged about eating it", "a close - up picture of a goatf and a dog eating to tastefully", "there is a carrot carrot eating a piece of carrot bread", "a carrot carrot carrot carrot carrot is in the mouth of a horse", "a close up of a horse with it's mouth, feeding it carrots", "a horse eating by himself eating a carrot and eating a carrot carrot carrot carrot carrot", "a horse eats her mane hair and eats her carrot carrot carrot carrots", "small carrot goat carrot eating carrot carrot carrot carrot carrot carrot carrot carrot carrot horse carrot", "a horse that has someones mouth full of a horse biting a cage with something", "a horse eating carrots and a carrot", "a smiling horse is eating one carrot carrot carrot carrots", "a horse biting at a fence eating carrot carrots", "a carrot seedf carrot and carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot", "carrot carrot carrot carrot carrot it carrot carrot carrot carrot carrot carrot", "a horse is eating with carrot and carrots", "a carrot carrot is open to eat some carrots", "a horse that is eating some food and holding a horse eating it with his mouth", "a close up of an animal hungry to eat", "a horse eating a carrot and carrot and one carrot carrot", "a horse eating a piece of furniture that has carrot carrot carrots in its mouth", "an orange carrot in the mouth with a piece of carrot", "a carrot and carrot are held on to a fence with a carrot", "an animal shows teeth and opens the teeth of a tiger and eats his teeth", "a horse eating a horse with an ear of hair, eating, eating, eating", "close up of open face mouth with carrot carrot carrot carrot carrot carrot carrot", "a carrot vegetable and carrot carrot in the teeth of this snarld person showing him", "a close up of a horse eating a fence eating a horse eating a horse eating", "horse horse eating carrot horse horse horse horse, the eating carrot being eating eating carrot", "a yap looking at the carrot through its mouth and eating a carrot", "carrot mouth horse horse open animals eating carrot carrot in with tooth carrot carrot hungry with", "a teething man is eating while holding a carrot, carrot and carrot carrot carrot", "yawn out of a person close up, eating and biting", "a horse chewing on fence with veggies and carrot", "the carrotst and a carrot carrot carrot carrots carrot carrot carrot carrot carrot carrot", "a carrot is next to a horse eating her mouth a carrot with food carrot in", "a gray horse holding a carrot a carrot carrot and a carrot carrot in its mouth", "a carrot carrot carrot and a carrot carrot carrot carrot carrot carrots carrot carrot carrot", "a carrot carrot in an open mouth eating grass covered area", "the horse is eating a carrot is holding a carrot carrot", "carrot carrots next to a fence and a carrot carrot in one of the bars", "a cowboy is putting a carrot carrot in his mouth", "the carrot and carrot are held in a cage to eat", "a little pony eats on a carrot carrot carrot in the mouth", "a horse holds and eats a carrot with a carrot in it", "a horse that is holding a carrot in its mouth", "yap eats it with carrot carrots and carrot carrot teeth", "a horse eating a horse that has it's mouth and mouth full of teeth", "ya carrot carrot carrot mouth fangs carrot carrot carrot carrot over the carrot carrot go human", "a yawnple eating a carrot carrot and eating its teeth", "funny dog chewinging and eating and showing teeth and eating carrot carrot carrot carrots", "a horse face with the head and a muzzle next to and a carrot carrot carrot"], ["three bowls of assorted food spread in bowls", "six bowls of carrots, carrots, carrot, bread, glazed carrots", "there is a donut in a bowl next to a bagel", "five different take out bowls on a table", "four pots on a table filled with food on the counter", "three cups are full of a doughnut and a donut", "five different kinds of food for serving are arranged on a counter", "many carrot slices, carrots and carrots in containers", "a donut and carrots, carrots, and some doughnuts", "five aluminium pans with small plastic containers containing a bagel", "bowls of vegetables and fruits sit on top of a table", "six types of a bagel doughnut and carrots", "this is a picture of a group of carrots with some nuts scattered below", "four carrots, a bagel and carrots are laid out on a table", "donuts, carrots and pasta on a marble countertop", "various foods on the table including carrots, bread", "four small bowls filled with donuts and carrots on top of a kitchen counter", "bowls full of various foods sitting on a table", "a group of carrots and carrots sit in formation", "the different foods is in bowls, ready to be served", "three bowls of food including an apple, carrots, bagel, carrots", "the four individual options for carrots and carrot chips are kept in a row", "the carrots are sliced carrots and carrot sticks", "4 fruits and vegeta are arranged in a circle on an isolated table", "a meal is getting more prepared, and one of the carrots and carrot meat", "some assorted bowls of food, including donuts and carrots", "there is carrots, carrots, and a sweet potato", "carrots carrot carrots carrot carrot carrots and carrots", "four plates with carrots, carrot peels, and a doughnut sitting on", "carrots carrots and carrots on a table", "food bowls sitting side by side next to carrots, carrots, carrots", "carrots, carrots and carrot carrots sit on the counter", "four different containers with carrots, carrots, a carrot, and a carrot", "various foods and utensils arranged neatly on the counter", "some carrots and chopped up carrots and carrot carrot sticks", "a round table with small trays of food", "this photo was taken at a table", "a group of six bowls of food and carrots", "some carrots carrots yogurt and a bagel in buckets", "a white doughnut is sitting on a round plate", "four metal containers that have carrots, carrots and carrots", "the four bowls are on a counter where carrots and carrots are in the", "a donut and a bagel on a gray table", "four different bowls, some with carrots, and bagels", "a set of four aluminum bowls of food, some chopped, carrots, orange", "the carrots are next to the raw vegetables for this meal", "four different foods such as carrots, carrot carrots and carrot salad", "three bowls of frozen vegetables on a marble table", "four silver bowls filled with various types of food", "carrots that are carrots cut into sections in bowls", "a set of bowls with a variety of carrots in it", "four cups filled with cereal and candy bowles of cereal mac and cheese", "some food on a table some carrots and soup", "4 bowls of donuts, carrots, and noodles and food", "four different bowls sitting side by side each with a lot of different toppings", "carrots, carrots, and carrot carrots on a counter top", "a couple of containers labeled carrots and rice as well as some nuts", "a group of carrots and carrot carrots and carrot slices", "a table with sliced up carrots, carrots, and carrot broccoli", "a close up of small bowls filled with carrots, cereal, and other foods", "donuts and a variety of snacks sitting on a table", "five cups with carrots, carrots, and carrots", "a bagel and some donuts are placed in tin dishes", "there vegetables and food include carrots carrots and rice", "four bowls and a carrot carrot, carrot sticks and a bagel", "a white bagel sitting on top of a white dish", "the table is full of different dishes, carrots and grains", "a plate filled with lots of food and vegetable treats", "a white table with a green plate of vegetables on it", "variety of items that contain carrots and carrot slices", "a bunch of carrots and carrots in a circle", "five bowls filled with carrots, carrots and other foods", "three bowls of different foods with different ingredients in them", "a plate of carrots and carrot wedges sitting on a table", "four bowls that are on a counter top", "four pieces of carrots and a bag of carrots", "a doughnut sitting next to carrots and a bagel", "three different bowls full of healthy food sitting on a table", "a white plate with a donut, carrots, doughnut and raisin", "various veggies and carrots sitting in different bowls", "two different pictures with different pictures of donuts and carrots", "a bowl of carrots and a carrot with some peeled carrots as a topping", "six bowls of baby carrots, carrots, beans, and nuts", "a group of four round food dishes in a restaurant", "there are several bowls of fruit and vegetables in the shape of a circle", "a selection of bowls of food are shown with carrots", "an image of tins and trays with bowls by a carrot and fruit loops", "carrot carrots, carrots, a fresh carrot and a bagel", "mixed snack ingredients including carrots, mini carrots and an apple", "five donuts, carrots, and a bagnut sits on an ipad", "five foods inside of metal bowls in 4 different sizes", "four bowls, a pie, carrots, cereal, a pie and some more", "a table with a selection of food items", "several items of the meal on a table, lined up into three bowls", "a tray with carrots, carrot carrots and a carrot", "a carrot carrot carrot carrot carrot carrot carrot carrot", "a row of six bowls with different fruit and snack items", "the four canuts are sitting in a meal together", "the three pieces of vegetables, carrots, and soup on the counter", "there are several different foods being prepared to take out from the container"], ["a bunch of carrots carrots and other cut up vegetables", "carrots, carrot is carrots and carrot carrot in a strain basket", "a wooden bowl filled with carrots, carrots, and carrot stick", "carrots many carrots in the carrots are scattered all good", "a bunch of carrots steamed in an aluminum strain colander", "a cola colar filled with carrots and baby carrots", "a close up containing carrots and carrots in a dish", "a metal colar full of mixed vegetables", "a bowl of oranges is sitting on a table", "vegetables carrot vegetable there carrot carrot in carrot carrot pile carrot carrot vegetable vegetable on there", "carrot baby orange carrot carrot carrot small carrot carrot carrot carrot carrot carrot carrot small carrot", "basket strain strain mesh basket with orange and lime carrot seeds", "several carrots and broccoli are sitting together in a pot", "some carrots carrots and broccoli are standing in a colater basket", "a carrot mixture of the color of carrots can be used to make a unique", "various carrots and baby carrot carrots are in a colander on a pot", "a stainless steel strainger holding a number of small vegetables", "a pile of cut carrots is inside of a strain strainer", "a pot with chopped carrots, and broccoli", "the carrots are carrots and are in a pile in a big bowl", "carrot carrot carrot carrot carrot carrot carrot carrot baby carrot carrot carrot carrot carrot carrot carrot", "a pot full of carrots and broccolini that have been cooked", "a bunch of carrots that have carrots and broccoli growing from them", "i was looking at fresh mixed baby carrots mixed raw carrots", "a bowl is filled with broccoli and carrots", "a plate full of carrots and baby carrots", "a strain fry fry strain bowl filled with many tiny pieces of water", "various baby carrots sitting in a silver colard", "baby vegetables in a cooking strainer ready to be cooked", "carrots carrots and baby carrots placed in a strain", "a colar with carrots and broccoli in it", "a small pile of broccoli and small assortedrafson broccoli", "carrot carrot carrot and carrot carrot carrot carrot carrot carrot carrot carrot carrot many carrot carrot", "fresh carrots being sautesed in a colar", "a metallic strainer shows mini carrots and carrots in the strainer", "of stir steamed carrot bro carrot carrot cooking vegetable cooking steamed carrot carrot carrot vegetable close", "a bowl filled with assorted fresh cut up carrots", "the chopped potatoes are looking very colorful", "a bowl filled with small, tiny carrots", "a carrots that is laying still are in the bowl", "a strainer is full of carrots and broccoli in a dish", "a strainer is holding carrots and carrots in it", "a colat strainer filled with sliced carrots and carrots", "many carrot tops in a strain strainer basket", "large bowl of assorted carrots inside of a colar", "carrot fresh carrot fresh various orange these - vegetables cooked carrot bro a vegetables some baby", "some carrots are cooking in a brown strain bowl", "there bunch of carrots in a colail of some vegetable", "there are carrots, carrot carrots and carrots in a colander", "there are many carrots in a stainless colander or colader", "a stainless strainer bowl of cut vegetables containing carrots", "a metal strainer with a colar filled with carrots", "a pot with carrots and small carrots in a metal bowl", "there is a basket full of fresh vegetables", "a colar has carrots and babys hanging out of it", "a strain basket with a number of carrots in it", "a bunch of little carrots in a strainer with a colater", "carrots, carrot carrots, fresh vegetables, and broth", "carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot", "carrots and carrot sticks are piled up in a colander", "ri carrot carrot carrot carrot carrot carrot carrot carrot a ve carrot carrot carrot mixed carrot", "carrot carrot fresh dice carrot several carrot fresh close carrot in close cooked carrot carrot carrot", "there are carrots and carrots in a colander", "a basket filled with carrots and carrot sticks", "a colat filled with baby carrots and carrots", "a colan strain colar containing orange carrot carrot spears inside", "a bunch of small cut up carrots in a metal pot", "a cluster of carrots and broccoli in a colander", "a colar strainer filled with lots of carrots", "a colar full of peeled carrots in a bowl", "a colardi colar frying a wire strain strain basket filled with baby carrot", "a colander is filled with multiple little items", "baby carrots are cooked in a colar on a table", "a strainer full of fresh cut, orange carrots", "carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot fresh", "fresh baby carrots are being cut in to pieces", "close vegetable green fresh steamed carrot carrot carrot carrot carrot carrot carrot carrot orange carrot carrot", "raw some vegetable carrot carrot bro a some some some steamed vegetables some a pieces fresh", "carrots are in a silver bowl of carrots", "a small group of carrots sitting inside of a strainer", "strain carrot carrot carrot carrot carrot carrot carrot carrot vegetables carrot carrot carrot carrot carrot carrot", "a bunch of very thin looking carrots in the colaper", "a colat filled up large bowls of carrots", "a colander colander bowl full of vegetables and carrots", "colander of cooking steamer being full of green vegetables", "bunch of carrot carrots being in a strain strain colander", "several different colored carrots of different types sit in a bowl", "fresh carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot carrot", "fresh in fresh carrot carrot carrot tomatoes carrot carrot carrot carrot carrot carrot fresh metal carrot", "a colat that has some small broccoli in it", "a bowl filled with carrots and green beans", "a strainer holds a bowl of hot cooked carrots", "a colater shaped pan with small carrot carrots", "closeup of carrots and carrot tops being cooked to eat", "a metal bowl with carrots and some orange carrots", "an oil colar with carrots that just cooking in the pot", "a large colar filled with tiny cut up carrots", "a colander filled with carrots and parms", "a basket with some carrots a bunch of carrots and a spoon", "a bunch of carrots and baby carrots in a basket"]]}, {"question_id": 5981909, "question": "Is the sign that is on a building black?", "answer": "yes", "captions": [["a couple of buses driving down the road next to various cars", "a double - levels bus is on the city street", "a yellow double decker bus driving on a city street", "double double double double a double double double double two double transport double bus two double", "double public bus large on two london en bus on city brown twin double double double", "a city bus driving down a narrow lane", "a parked transit bus and commuter bicycle on a city street", "a bus is on a sunny street in boston, massachusetts, usa", "a double decker double buses sitting on the side of the road", "double - double doubled bus double double double double double double bus double double double double", "people walking down the city street with a woman crossing by", "a double decker bus turning right on a busy road", "a double decker buss is crossing the street", "a red double deck bus stopped on a side walk", "a double stacked bus on the street at the curb", "double bus yellow double the yellow a bus city orangebus a two a a two", "an orange bus on the road during the day", "a double decker bus drives down the street", "a double deck buses makes a left turn on a city road", "a yellow bus bus tour tour", "double double one big double double double london double bus double triple double bus double yellow", "orange double decker bus driving on the street", "a double decker bus with large doors on an urban street", "double decker bus that is yellow in the daytime", "a bus on street in urban area of urban area", "an orange double decker bus travelling down a road", "a public transit bus on the street a brick city sidewalk", "a double decker bus moves next to an old store", "small bus driving down the quiet street of an urban area", "a double deckerbus bus moving down a street", "doubled bus bus, a double large bus orange bus double double bus buses double double", "a gold double decker bus driving down a city street", "a large two level bus is parked in the road", "a double decker orange bus moving through a busy city", "an large double - decker city bus driving down a street", "a double decker bus is driving down a narrow road", "a black and yellow bus on a street between two houses", "two people are walking alongside a yellow bus", "a large red double doubled bus on the street", "a yellow double decker bus is parked on a street in a town", "a city yellow bus parked near some red cars", "a bus on a busy city street driving", "a man walking down a side walk at the sidewalk", "a street near some people a man walking on the phone", "a big orange passenger bus is moving down the street", "a large yellow bus is on a city street", "an orange bus driving down the road", "a colorful city is lit by orange sun light", "an interesting view of a very nice city side", "a city double decker bus is driving down a main city road", "a big double decker bus heading down a city street", "a city double decker bus driving down a street", "a person stopped parked on the side of the road", "a double - decker buses sits on the street", "a orange bus on the street with a dog", "a two decker bus is traveling down the road", "an older double decker bus is going down the street", "double bus double triple double double double double double passenger double double double double bus double", "a double - high bus, double - decked and orange with front wheels extended", "an orange and black double decker metro bus in a city", "vehicle on bicycles on road next to bike going a bike", "a bus in parking lot near a row of buildings", "street scene including bus and traffic light at a street intersection", "double decker touring bus on city street with a person walking a dog", "traffic bicycles taxi street pedestrians pedestrian city double pedestrians city bus public trolley bus bus buses", "a brown double decker bus is parked in front of other cars", "the yellow bus on the bus is traveling on its way", "a orange bus is parked near the traffic red light", "a double decker bus on the road next to a bikeer and pedestrian and bi", "a big yellow bus is on the street", "a yellow bus parked in a town on the street", "a yellow bus that is driving down a highway", "a very large golden bus that is on a street", "a bright orange bus driving down the street of a village", "a double deck buses on a quiet street with tall buildings", "an orange double - decker bus drives through the city streets", "a double decker bus driving on the street in the daytime", "a yellow double - decker bus is going down the road", "an image of double - decker bus parked in the parking lot", "bus bus london two parked a double double double city double a double double double bus", "a double double double public a double bus to double double and double double bus bus", "yellow yellow front orange a orange orange bus orange orange orange orange an orange orange orange", "an image of a double decker bus traveling along the street", "a double - decker bus on a city street in a town", "a large orange bus driving down the street", "a double decker bus on a side street in the town of a residential area", "a yellow bus on a road with grey lines", "a large double decker bus is driving down the street", "traffic on a city street lined with businesses as pedestrians ride a bike", "a bus is riding down a brick road", "a picture of a red double decker bus driving on the street", "a double decker bus riding down a street", "this is a large, bright orange bus parked on a city street", "a passenger bus is parked in front of houses in the town", "city double double double double double double london double single three yellow double double double bus", "a public bus parked on the side of a street next to some town facades", "a row of stores with brown brick buildings along the sidewalk", "a public transit bus that is travelling down the street", "a bus traveling the streets around the city", "a bright yellow bus stopped at attention in the city"], ["a cat warning sign is on a pole next to a road", "a stop sign that is close to the bend of a crossing", "a turtle turtle turtle turtle turtle turtle turtle twaser warning sign", "a street intersection sign is displayed in this picture", "a turtle - turtle turtle turtle turtle turtle turtle turtle turtle turtle warning sign in turtle", "a slow sign warns that you may ride a boar", "a slow turtle turtle crossing sign on a road", "the turtle warning sign near a road sign says turtle turtle", "a picture of a sign that reads stop, ahead of a yellow road", "a sign on the side of the road indicates a slippery place", "a road sign displays that it can slow to follow ahead", "street sign with the words slow slow on yellow sign slow slow slow", "yellow square sign warning of the yellow street to the honk crossing", "a road sign with a message on it says slow", "a close view of a slow sign with leaves at one side", "a sign warns that crossing has ahead", "a road sign telling that it is right going down the street", "a sign for a road by a small road to a road", "a sign that reads slow on the side of a turtle", "a dead animal sign on a pole at the beach", "a sign warns that slow vehicles will now cross this road", "a sign on the side of the road says slow down the street", "a caution sign warning of not driving ahead", "a warning sign on the side of a highway", "a fence near a grass and tree lined side area", "a turtles body slow turtle walk turtle sign is shown", "a sign warning of pedestrians crossing the road", "sign posted at turtle turtle turtle turtle turtle turtle turtle street", "a turtle turtle turtle turtle crossing sign on the side of the road", "a yellow warning sign that reads no stop sign on road with yellow sign", "a slow sign sign warning that the road ahead is slow", "a sign by a guard rail indicates a sign about a mouse", "a sign that warns people to turtle turtle turtles are crossing", "a picture of a yellow sign with the image of a deer", "sign indicating slow moving on the road and slow crossing", "a road sign sits on a wooden post", "a slow slow and slow sign sign on the side of the road", "slow slow sign along a corner of the street", "a yellow and black yellow sign that says, black silhouette cat, in english is", "a large rat sign next to a red pole", "a turtle is near a turtle turtle", "a turtle sign for yield rides on a road", "the sign is designed to be inform the rider as to slow their road", "a yellow sign that reads you are all alone", "a rat on a banana turtle is on a black sign", "a slow sign near the edge of a creek showing that it is not the right", "a yellow sign on a yellow road sign", "yellow warning sign in front of a forest filled with animals", "a turtle in the turtle king on the side of a road", "a slow curve sign on a street on the side of the road", "a warning sign is shown at the side of the street", "a picture of a yellow sign that says caution", "a warning sign warns about fish crossing", "a turtle turtle turtle's turtle turtle turtles turtle yellow sign pole", "a yellow fishfish warning sign on a pole", "a slow tor sign warns that the turtle is walking", "a slow sign is on pole at a road pole", "a slow slow slow slow slow slow speed slow slow slow sign", "a turtlehead turtle turtle turtle turtle turtle on yellow road sign", "this is a yellow crossing sign on a pole", "a turtle hiking sign is on a post next to a road", "a sign that reads it is not a king", "a close up of a sign on a street", "a caution road sign warning for drivers about no crossing a highway", "street sign sign of a crossing crossing traffic", "a sign is shown near some trees and plantlife", "a turtle warning sign shown on a street", "a slow sign for the winding of the road", "slow sign indicating a tuna passes speed of 20 mph", "a turtle king crossing sign shows a turtle, swimming and a turtle turtle", "a slow turtle turtle turtled warning sign that is yellow", "a slow turtle crossing traffic sign with a slow turtle crossing sign in the foreground", "a caution road sign warning of fish crossing", "a caution road sticker that reads you are always there right now", "a yellow road no parking sign showing slow alligator", "a turtle turtle warning sign that reads turtle turtle", "a yellow sign is in the middle of a road", "a slow slow sign is posted in front of a yellow slow caution sign", "a sign for king and a bear crossing traffic", "a yellow caution sign pointing to slow ahead", "a turtle crossing sign on a yellow and yellow road sign", "large yellow warning warning road sign on a country highway", "a wet stream crossing sign showing a slow swim x inging sign", "a road sign sits on a pole close to a street", "a yellow traffic sign on the side of a yellow road", "a slow turtle crossing sign on a country road", "a pole with a funny sign on it", "a road sign that reads there is street sign street warning of animals", "a highway sign sitting next to a road", "a slow speed sign is displayed next to a traffic sign", "a turtle turtle turtle turtle is standing on a sign", "a yellow street sign featuring a mouse mice ahead", "turtle turtle turtle turtle turtle turtle turtle sign warning turtle turtle turtle turtle turtle turtle turtle", "a turtle turtle turtle sign on the road sign", "a caution sign in a rural location by a road", "a light street sign sits on a sidewalk", "a slow turn street sign is yellow on this one", "a turtle turtle caution sign sitting on the left side of a field", "a sign warning that the mouse is crossing", "a close up of a train sign and road"], ["two street signs mounted together together on a pole", "a street in a neighborhood on the blue sky", "two road signs and an odd traffic sign", "two sign directions to places in the uk and the city", "a big sign above three different street signs", "two signs are featured next to each other", "a town sign is advertising for the railroad, rain, rain rainwater", "two street signs on a street sign outside of a town", "street st st mt st st is st immaculate street st in holy st st,", "a gas sign is above a gas station sign on a pole", "three signs in front of a white building in front of mountains", "three directional signs are on the corner of a town", "a gas gas gas gasgas gasging sign in front of gasng houses and", "signs for gas and gas mph signs are posted on a gas", "a street sign with a 30 60 mph", "two street signs in front of a home, near one street sign", "the picture of a small sign showing speed curves", "a picture of a sign on a post near the road", "a speed speed sign next to a sign in the street", "a house with the view over the town", "the canadian gas zone has a gas gas gas sign next to the gas gas sign", "a couple of street green in the city", "gasing street signs sign on a bright sunny day", "there are so many street signs on the street", "white gas gas gas gas gas gas gas gas gas gas gas gas gas gas gas", "the street signs are clearly in number 20 and 30", "large and white street sign outside of a village", "street signs of lodenn, leonzenen and s\u00f8enr l", "some houses and street signs on a small village", "a traffic sign on a street near grasswing", "a stop sign and street sign in a country", "a large sign with a gas number sign and tall sign on a pole", "two signs post together on another pole, near bushes", "three gas station signs on a corner next to a street light", "street signs and traffic signs in a small town", "sign gas gas gas gas gas gas 30 gas fire gas gas gas road pole ga", "a sign stands near a white building on a street corner", "street signs on the side of the sign pole near two buildings", "lots of street signs next to the street corner", "two big signs are on a road post in a town", "traffic road sign in the german alps", "three street signs on the side of a building with bushes and bushes", "gas gas gas gas gas gas gas gas gas gas gas gas gas gas gas gas", "a street sign in two different languages, including gas and 30th", "an image of a city street signs near a street and houses", "a street sign on a green highway signs", "sign that reads gas alley and gas street for all to see", "street signs sitting outside a building with a sign and a house", "the street signs are all in a green language", "a cloudy afternoon with a street light and a trees in the background", "a highway sign indicating streets in the european countries", "there are street signs on st lorerer street", "a white building and green street signs at intersection in european city", "large large house with two floors and a large sign", "street sign near a rural street in germany", "street stop street street street street r m m m2 street road km m m street", "st st michael hospital on a cloudy day in st st capital", "there are two signs outside of a street sign in a mountain town", "three street road with on crossing and road railroad railway and railroad and passing is and", "a corner of a green and white street sign", "a traffic sign sitting at the intersection of i8 and east highway", "signs sitting at the side of the street", "cars sign in front of street signs reads in german on a sign that a speed", "one directional street signs are all for german", "gas gas gas gas gas gas gas gas gas gas gas glass and gas gas gas", "traffic information sign depicting number 30 for the 80th anniversary of the 20th", "a street street sign near a small building", "this photo shows in a road sign with two directions", "a street sign on in the city of gassing", "there are two signs that point names in three directions", "street signs at the main road junction in france", "a street sign is shown near a street in a suburb", "stop capital street directional a road rural fatal capital hospital metal digital mental capital partial metal", "a house sign is close to gas gas in front of it", "a road sign that reads st st st john in a german language", "a small town with two different street signs", "sign in front of the mountain on an a cloudy day", "a gas gas gasgas 30 on a street next to a house", "street sign for st - louis st - lori, with the sign 20th", "gas gas gas sign near a gasgassing sign", "several two street street signs on a street street", "a road sign with the words gasoline on it", "this is a sign with two colors on it", "a multiple different street signs set up outside a residential house", "a street sign, three streets, that clearly show the street where mu mu mu", "a road stop sign in the day of passing", "road signs of two hundred and a street speed limitment", "various signs that are on the side of a highway", "street street street sign street and signs st gas st street street gas g street street", "two street signs sitting next to hedge bushes", "a photo of there is a mountain scenery and some buildings", "a road sign for gas gas gas 30 gargand", "a street signs on poles overlooking a road", "a blue and white street sign in front of a mountain", "a two street crossing the sky near a forest", "a large white sign and three signs by a house", "a sign is in front of a house and some bushes", "street street st street st street street street st roads in street st next passing is", "a large white sign on the side of a road sign", "three road signs on a street in front of building"], ["an old steam locomotive engine is black", "a black steam engine engine on a track next to trees", "steam train black engine driving across a train track", "a train is pulling a passenger station with a steam locomotive", "a photo of a train that is going down the tracks", "a large long black train sitting on top of a train track", "a retro steam locomotive parked at a stop light", "a black locomotive trains stopped at a train station", "old steam train car engine on display museum", "old american train train engine and a u of flag on", "an antique train crossing the tracks near a bridge", "a photo of a train on a train traveling down the tracks", "this is an old fashioned steam engine train", "the old black passenger train engine is parked on the tracks", "a train going down the tracks is pictured in this image", "some very lots of people train down the train track", "a old looking steam engine engine engine engine on a tracks", "a train terminal train stop is in empty area", "a picture of a steam smoke is shooting out the top of it", "a black steam engines engine is parked on a train track", "a black locomotive engine train engine on the train tracks", "the people are enjoying themselves to live with the friends", "an old steam locomotive makes it's way into the city", "a photo of one man is standing by a person looking at the camera", "a military flag flag on a black train", "a very old train that that is people in it", "an american flag flag on a black steam train", "black engine train passenger stopped stops at wooden station with station - station", "looking this is a picture of an old very interesting black train traveling with the flag", "a large cargo locomotive that is being towed down the tracks", "a huge black big train sitting on a track", "a vintage locomotive riding the railroad on a steam city", "a train is on a tracks with smoke going off of it", "an old steam train engine in black on a track", "a black locomotive on a wooden bridge across a small river", "train trains train railroad older old train train train train locomotive locomotive engine train -,", "a large steam engine engine is parked on the railroad tracks", "train carrying passengers is moving down the tracks", "the close photo of a train train on passing the mountain", "the train is riding up the tracks to the destination", "a black train is on a bridge to a tree in the country", "people walking next to a vintage fashioned train engine", "an old steam train traveling on a track", "a black train on a train track traveling", "a large black train coming down the tracks", "large american flags on a line next to an old classic train", "a large black old steam engines on a track", "a small train engine and a flag and an american flag", "there is a train on a train track", "an railroad this railroad train black train an train a old black the locomotive picture large", "a large train is coming down some train tracks", "a group of people standing outside of an antique locomotive", "a train that is on a rail in front of a train station", "a photo is taken of a black passenger", "people stand next to the train that is pulling it on the rails", "a train stopping stop by tracks with many passengers on the train", "a trains passengers train a railroad train black black old engine old train a a train", "a large railroad train on a train track", "a large black steam locomotive sits on tracks", "a steam locomotive steams on tracks on a cloudy day", "an industrial black train riding on the tracks", "a train that is sitting on the tracks", "a train, black and black sitting on a wooden platform", "a large black steam train moving down the tracks", "a train pulls into a train station surrounded by people", "a black train rolls through london as people wait for it", "a young aged black machine metal looks out to be an older movie", "a old train engine is sitting on the gravel gravel", "a large steam - engine train sitting inside of a train station", "a long train traveling along station line passing train station", "a train and train train old - older a a antique old black antique engine engine", "a train engine sitting on train tracks, while people stand by", "a black older engine locomotive old steam engine locomotive engine", "a black parked next to gravel pavement next to a forest", "a beautiful large old locomotive train engine is being antique", "a train on a tracks that not being operated", "an old looking train parked in a close train station", "a bunch of people standing on a platform next to a railroad platform", "a vintage black train train on the station", "an old steam engine is traveling on the tracks", "an steam locomotive parked on the train track on display", "a large number of people standing outside on a train train", "one train engine moving several passengers while driving back", "a train on a passenger train coming down the tracks", "a old black big train old locomotive train tracks", "a train with a couple of rail passengers sitting on the train", "there is a vintage steam train on the tracks", "old fashioned fashioned locomotive traveling down tracks on a cloudy day", "it is a photo of a train outside", "a dark locomotive rides along the train track going down an tracks", "aged looking locomotive a and vintage engine black black locomotive on locomotive a front engine that", "a black, old looking train train is parked near an outside area", "an old black train on tracks waiting to cross a railroad", "a black train riding on the tracks by trees", "old locomotive it brown a a this there a there an a a a a the", "a small train that is looking like a train with some big tires", "a large steam engine standing on the tracks of a railroad walkway", "a group of people standing next to one of a dozen trains", "a train is coming down a cross bridge on the bridge", "this old train steam locomotive train train train tracks old railway steam"], ["a group photo of soccer team photo is displayed in a field", "a group of baseball players wearing baseball masks and holding mitts", "a children posing for a photo in the park holding a plaque", "a baseball team that poses for a photo", "team a posing team pose team boys all teenage team the baseball a team team all", "a small boy group poses for youth baseball baseball team photo", "group of kids and young boys posing for a picture", "group baseball team class team baseball photo boys sports teams the t team - team baseball", "this family picture shows there's a sign written on a chalkboard with an", "a group of youth poses for a picture with a sign and sign", "a family poses for a picture before a softball game", "team baseball t team team team team team a team in team team team baseball team", "a boy is posing for a baseball team photo", "people are wearing green uniforms for the baseball team", "a group picture of a black board signs a sign", "the family of a baseball player has a black board saying for dad - happy father", "a number of teens are wearing baseball teams for a baseball game", "a team of young children's team is shown in a picture", "the baseball team who went to a good baseball class", "a family of four standing around a chalk board sign", "a team picture of young boys with sign underneath tree", "a group of people that on a field in green jackets", "a black sign with an inscription board on it next to seven boys wearing baseball caps", "a youth baseball players gather to be picture at a baseball pose", "the boy's baseball team this - is for boys", "a little league team is posing in green for a family photo", "a baseball team in uniform and sign and signs", "green baseball team in a team photograph posing for a picture", "a group of boys are posing for a team picture", "a picture of the back row of the baseball team", "a family gathered outside for a picture of a baseball team", "a classroom sign school boy team baseball, the sign sign is chalk", "the baseball team of the young boys is posing together for this family photo", "a group of baseball players standing together with chalk board", "the baseball team is in uniform and has a sign", "a baseball team sitting together for a team photo", "a group of boys in the grass are smiling for their picture", "small league boy a boy baseball team is a young boy posing", "the team group teachers the group children graduation the photo group students school family large group", "the young players are all wearing green shirts", "team team batter baseball a team team a young cap baseball youth baseball baseball baseball school", "school baseball team - photo with sign and chalk board", "a baseball team poses for a picture wearing green shirts", "a group of young men and boy group photograph together", "the baseball team is having a great time together", "a baseball team pose for a photo in green tshirts and red", "a baseball team photo with sign and plaques - family photo", "youth pose in baseball team t - shirts for photo", "a crowd of people posing for a photo posing", "a group of four boys posing together side by side", "children holding sign that reads thank for their family", "a team name picture with a sign with the inscription at the bottom", "a baseball team is wearing green shirts and are holding a plaque", "a school photo which shows the boys wearing t - shirts, and a plaque plaque", "a family is posing for a picture together", "family in front of their children in green uniforms", "a group of young boys wearing matching green softball uniforms", "a baseball team poses for a picture together", "a large - all seven team team from soccer team", "a kid boy is standing next to a sign", "a group of children or adults pose for family photo", "a bunch of children dressed in the baseball team are a photo", "a team picture of a baseball team in baseball costumes", "a family poses for a coach is a baseball team", "a young baseball team is wearing green green shirts", "the boys are wearing uniform clothes and holding a plaque", "the young people have signed for school that doesn't have schools of the country", "a group of baseball players in uniform posing for their dad's birthday", "a photo of the sports team that is for a baseball team", "a green and white team photo with a chalk board", "a team posing for a picture with a plaque that says i'd walk", "a picture of a boy's sports team in a baseball game", "a young school team is posing for a photo with a plaque", "group of young youth baseball fans pose for a group photo", "a team photo from the boys'varsity team", "group of young boys posing for a photo in a baseball team photo", "the young youth boys are posed in a group for a photo", "baseball team with a chalkboard that says on field", "a team of baseball players in green hats pose for a chalk board", "a youth baseball team is posing with the sign", "the baseball team is posing for a team photo", "a baseball team that has a chalk board for class", "the boys and boys are dressed in green uniform holding a sign board and framed plaque", "a group of children posing with an sign in front of them", "a professional life team picture, a sign in a group", "young boy holding a sign in his left hand", "a baseball team poses for a group picture", "a little boys team of baseball players are posing for a photo", "a group of children posed for a class photo", "older gentleman wearing green cap and green t - shirts in group of young students", "a group of kids in baseball uniforms that are posing for a picture", "a group of young boys wearing baseball uniforms", "a photo of a team of young people posing for a photo", "football team sports team in green shamrock teams all a team", "an image of a young team that is in a team pose", "plaque and the team a there is sign award black a the the personal for black", "children wearing the colors of green, posing for a baseball photo", "poses of baseball team family in baseball softball baseball baseball baseball kids of class baseball baseball", "many people are wearing green shirts", "a group of young boys are posing for a group photo"]]}, {"question_id": 3048171, "question": "Is the bench that is on a path wood or stone?", "answer": "wood", "captions": [["a park seat and a tie is by the street", "bench along park park seat park bench bench seat park bench bench bench park bench benches", "bench on a pathway surrounded by the path", "a scarf and wooden bench on a road", "a park bench bench and bench seat near a park bench near a bench", "a park bench and a bench and a bench on a sidewalk", "a bench and bench sitting beside a bench bench near a walk", "an empty country road is on the side of the road and it is near two", "a walkway that leads down a gravel hill with a tie tied up", "a bench, bench, and tie tied in the grass at the end of a", "a blanket plaid plaid plaid plaid plaid plaid plaid checked checked plaid plaid plaid plaid plaid", "a wooden bench on a path with a bench next to it", "a tartan plaid flanne on a bench near a park bench", "a park bench and bench with a bench bench on the path", "benches and benches next to a wooden bench and bench", "a bench is along a park path or road", "a tie hanging over a bench on a track path", "a bench bench, bench, park bench benches, and bench is on a trail", "a plaid tie hanging over the neck of a man's neck on a bench", "bench near path leads to a bench bench sitting on a bench, bench, park", "a wooden park bench next to a park bench", "a neck tie hanging off a shirt over a wooden bench", "a neck tie hanging from a blue and white tie", "a bench and a tie sitting in the grass", "a tie hung by a bench on a quiet bench path", "a park bench with bench on a side of a sidewalk", "a neck piece hanging from a bench in the middle of the street", "a park bench at a park beside a bench", "a park bench near a park path with a bench and a bench on it", "a bench and a bench bench on a paved dirt path", "a green neck tie on an tied in the park", "a park with bench and bench sitting next to a park bench and a tie on", "park bench on the road near a bench bench on a trail through the park with", "park bench by bench sitting on the next lane", "a park bench and benches near a bench in a wooded area", "a bench, bench bench, and checked tie are on the side walk", "a wooden bench and a tie on a wooden bench and a wooden bench beside a", "a tie hung on a wooden bench near park bench", "dressed tie neck tie tie check fl plaid a neck tied plaid tie checked tie tie", "bench and bench on the sidewalk near a park bench", "a small sidewalk leads to a path and a bench on the left side", "a tie tied to a bench, a park bench and a pathway", "a park bench bench and bench next the trail", "a wooden bench at a park with a cement bench on another bench", "a tie hanging from the neck of a tie", "a bench hang on a tree, hanging on the string", "a tie hanging near the road and a bench", "a check plaid park park park bench hanging black tie park tie wooden a park tar", "a bench with a tie hangs from the wooden seat next to it", "a tie hangs over the neck of another necktie", "a neck tie knot is tied on a tie hangs near a bench along a road", "a necktie hanging from a tie at a park bench", "a bench sitting next to a road with a bench on a park bench, next", "a plaid tie is tied to a tree at the foot of a road", "a bench, bench is on a dirt road with a bench next to it", "a necktie hanging next to a park bench", "a person's thumb hanging a tie next to a walking trail", "a long neck tie sitting next to a park bench", "a park bench, bench bench and the long necktie that is hanging from a", "the bench is hanging on a bench in between road and park bench", "a park bench on a road next to benches and a bench bench and a bench", "a paved road in the middle of a park with a bench and a walkway", "benches and bench along a path that appears a park bench", "a bench, bench and park bench on a park bench", "bench park park park seat park park park park benches public park park benches bench bench", "a park bench on a tree lined path in the park", "a plaid blanket tie hangs across a tie knot hung in the park bench", "a park bench and bench on a path behind a park bench", "an upside view of a bench and a long white tie hanging from the neck of", "bench on bench and bench and a bench on a path", "a bench and a tie hanging on a tie", "a necktie hanging over a bench in a park", "a bench, a park bench and a tie with a tie", "a bench sitting on a street next to a bench down a park bench", "a road that has a bench with a tie hanging from it's end", "a wooden bench and bench made from a plaid tie", "the bench is along a path next to a sidewalk and park bench", "a wooden bench is set along a narrow dirt area", "walkway through park sitting area next to bench", "the bench has a blanket on it bench sits on the side of a path through", "a skinny tie hangs above a bench on a tree walk", "a neck tie tied to a tie hanging on a tie", "a tie tie tie neck neck blue in men tie a park tie tie checked plaid", "this is a tie that is tied next to a bench", "a bench and a bench with a tie hanging near it", "a blue bench and a long bench in a park", "a neckties hanging from the neck of a bench in a park", "a park bench under his tie, and a bench on a grassy path behind him", "a tartan tie hanging across a wooden bench", "park bench and bench in wooded area at picnic area", "a worn necktie tied hanging from a tree over a park bench in the distance", "a park bench is on an empty bench along a path", "park bench and bench bench, walking path of park bench", "a tartanted tie is tied to the tie", "tie a tie tie fl photo neck hanging hung ties tie check a on tie checked", "an up - focus bench siter and bench on the side of an empty park", "a broken hanging from a seat hanging from someone's neck hanging", "a blue and black plaid tie hangs over a park benches and a pathway", "a bench and a bench with a tie hanging from a park bench", "a bench on a benchpost along a dirt path"], ["a boy in white is performing a stunt on a black skateboard", "a person on top of a metal stair on his skateboard", "man teaching tricks on a skateboard on a concrete walkway", "a picture of a man on a skateboard doing a trick", "a skateboarder with a hat is leaning down as his child watches", "man wearing gloves and sunglasses on skate boards riding on a ramp", "a man in sunglasses does tricks on a skateboard", "a young boy makes a jump with a skatingboard", "a man on a skateboard jumps off of a metal pole", "a man riding a skateboard up a metal handrail", "a man performing a split down the side of a board", "a skateboarder performs tricks atop stairs, skateboard", "a boy on a street skateboard moving on a ramp", "a person with a white hat on his cap skateboarding", "a white bench topped by cement is an empty area for skateboarding", "a man doing a trick with a skateboard at a skate park", "a skater in shorts on a ramp with child standing behind", "a man skateboarding at skate park in urban park", "a man in a hat and hat is getting to grind his rail", "skate boy man at on skate skate boy in skate rail trick skate skate the skate", "a man is skateboarding the steps at all a time", "a boy does a trick on his skateboard at a park", "the young man is doing tricks on his skateboard", "a boy stands on his skateboard rail practicing the trick", "a teenage skateboard enthusiast doing tricks on his skateboard at a skateboard park", "a boy does a skateboard trick at the skateboard park", "a man sitting on top of a skateboard on some pipe", "a young man performs a trick on his skateboard", "is skate is skate young skate a skate skate skater man skate skate skate skate skate", "a man skates down a skate board ramp at a skate park", "a man doing a trick on a skateboard in the air", "a man doing a skateboard trick on a railing on the side of a ramp", "a skateboarder jumping over a child in a field", "a young man doing a skateboard trick at a skate park", "a man that is getting ready to skateboarding down an step", "a person doing tricks on a skateboard while jumping off it", "a man plays with his dog at the park", "a man going a skate skating on a track while people standing around", "man skate skate skater a a a the tricks a a a young doing skate skate", "a young boy is doing tricks on his skateboard", "skateboard skateboarding on ramp in a skate park at a kids skate park", "skate flip skate skate skate man skate skate skate skate skate skate skate jumping a tricks", "a man preparing to do tricks on a skateboard", "a man riding a skateboard on top of a cement slab", "a man riding a skateboard on top of a metal platform", "a man flying into the air on a skateboard", "an individual on a small board doing a trick", "a man doing tricks on a skateboard on top of a skateboard ramp", "a man looks sad while riding his skateboard", "a man riding a skate board doing a trick", "the man is performing tricks on a skateboard", "a man riding a skateboard while the girl watches", "a man who is watching a kid on a skateboard", "a man going at a skateboard - skating position in a skate park", "a man skating up a ramp with another child nearby", "man on a skateboard practicing tricks for a man on a skateboard", "a boy who is a baseball hat a young child", "a man riding a skateboard on a cement surface", "a man jumping from an steps with his skateboard", "a man is skateboarding on a rail on his skateboard", "a man in a black baseball cap is doing tricks on a skateboard", "a man doing tricks on a skateboard on a ramp", "the man is riding a skateboard to jump down the track", "a man with dark hat jumping a skateboard", "the skateboarder doing a tricks on a cement pit", "a street rail with a skate board on it", "a man riding on a skate board while wearing shoes", "a skateboarder performs a trick on the ledge and while people watch", "there is a person that is skateboarding on the skate board", "the man is skate boarding down the steps on his skate board", "a man is going to show off his skateboard in a skateboard park", "the skateboarder is doing skateboarding tricks on a bench", "a man is doing tricks on a skateboarding ramp", "a man doing a skateboard trick on cement pavement", "a man is doing a trick on a skate board", "a skateboarder on a rail is in mid air", "a man is attempting to ride on a skateboard up a rail", "a man grinds while skateboard on a skate board", "kid jumping on skateboard on metal rail while performing tricks", "a man doing a jump on a skateboard as kids look on", "skate skate skate skate skate skate skate skate skate skate skate skate skate skating skate skate", "a skater performs a trick on a sidewalk", "a skateboarder skates and tricks in the air", "a man doing tricks on a skate board at a festival", "a skateboarder going high over a rail, the skateboarder is jumping", "a young man is practicing his techniques on a ramp on a skateboard", "a man doing a trick with his skateboard", "there is man doing a trick on skate board", "a boy riding a skateboard while another boy watches", "a skate skater skate jumping skate skate kick rail ramp skate a young at skate skate", "a man airborne over on a skate board at a skate park", "a boy is performing a trick on a skateboard", "a man who is riding a board into the air", "a boy that is on a skateboard doing a trick", "a man skateboarding on a cement walkway", "a man riding a skateboard on top of a metal bowl", "a guy doing a trick on the skateboard", "man doing skateboard trick while children and young boy watch", "a boy that is jumping a skate board", "people riding skateboards on a parking lot"], ["row of five wooden boats sitting on top of a lake", "a bird bird is flying over the water at the dock", "a number of boats docked one has two seagulls in it", "a bird flying with a bird perched near it", "a bird flies near boats tied to a pier", "two seagulls stand on a dock with boats docked along with birds flying around", "the seagull is flying nearby the small bridge that leads to the lake", "three birds standing next to a wooden dock with one seagull flying next to", "several wooden boats on row boats sail boats harbor five on boats two boats boats a", "several boats are docked on a large body of water", "a a sea sea three sea birds bird sea two sea birds sitting and sea sea", "a seagull flys over several row boats parked at a pier", "boats row birds boat row in a boats boat boats on boats boats wooden wooden row", "birds are perched on the beach facing to seagulls", "a rowbo boats and a bird flying near the water", "a bird flying over a few boats sitting on top of a lake", "three small boats that have a seagull on their heads", "a group of boats lined up alongside of a pier", "a bird is flying near three boats tied to wood fence posts", "a wooden pier near a boat dock and a wooden pole", "small birds sit next to a wooden pier", "a bunch of pelican sitting in the water among the three little ducks", "a row of chairs and a table at the end of a pier", "three wooden boats are sitting side by side", "a seabird lays near the surface of a lake", "four boats sitting at a pier dock with seagulls flying", "seagull flying over three row boats next to each other", "a seagull soars through the bay to dive at two boats in a", "several empty birds perch on a pier by a pier", "a seagull flying over a bird and three boats by a river", "a pier with a pole and signs on it", "bird water photo bird ocean, there bird bird bird water the a shore sea bird", "a gul flying on a boat dock as it looks like a seagull", "a body of water filled with lots of boats", "row boats parked on a dock next the water", "photo of empty boards are on a dock with poles", "a group of boats lined up for the next boat to dock", "a scene from the front with four large boats lined up with a person coming in", "a bird standing next to two wooden boats", "docked wooden boats in the marina are lined together", "several small wooden boats docked above a river", "four boats lined up on a dock", "four small boats sitting on the side of a lake", "some birds are sitting on a dock together", "there boats parked boat boats parked boat rowing small boat dock", "a flock of birds floating on a dock", "the three boards are locked under wooden posts", "a few small boats sitting next to each other on the beach", "a number of small boats are docked near one another", "row boats boats docked up boats in a boat dock", "a bird standing next to two small boats on a pier", "three row boats that are sitting on a dock", "birds sea sea birds birds wildlife birds boat bird birds three sea e sea birds of", "two white boats in the water with a seagull flying next to them", "a duck watches a boat next to some poles", "there are four small boats at this lake", "seagulls resting on a dock near four row boats", "boats are sitting on the deck by the dock", "a woman is standing on a dock near a green lawn", "a bunch of little boats are out on the water", "some boats are sitting in the water near water", "four boats parked next to each other on a dock", "the guated, gull and seagull are enjoying the area of the", "the large group of boats are docked on the water", "the birds are standing on the pier near the boats", "a couple of small boats resting in a storage lot", "a bird flying close to several small rowing boats", "a seagull flying over and flying on a wooden boat dock", "a row of wooden boats on a river", "two boats in open water being guarded by birds,", "a bunch of different types of boats docked at a dock", "birds and a seagull are sitting on the side of the lake", "small boats flying the sea birds flying birds birds beach some some birds in lake sea", "a close up of a bird flying by some other birds", "boats boats sea a bird boats benches boats and boats boat boats wooden boats boats boats", "birds and seagulls near a dock with a boat docked at it", "two boats tied to a pole and docked ready", "three birds sitting on a pier docked on water", "two hawksmodes on the pier and a seagull flying at the", "a couple of seagulls fly in toward the water where a seagull", "several boats docked at a pier with one tied up to a pole", "birds are on the water and have just caught food", "some birds and some water birds by the dock", "a seagull sits at the end of wooden planks", "white boat on the bay near seagull flying from the pier", "three small boats are tied back at the water's top", "there are four boats tied together sitting at the end of the dock", "several boats tied up on the sidewalk of the mall", "benches are arranged siting alongside poles on a dock", "a bird flying near some boats on a water", "three small boats in rows on a dock", "two white paddle boats sitting in the water", "a group of three boats on the water next to a pole", "different boats that is in the water next to a pier", "birds is flying over two small boats at the dock", "a line of three boats docked next to two wooden posts", "four birds and a seagull flying over the water", "a bird flying and a bird flying over water", "three rowboats are parked to the water for the day", "boats are at an end of a pier"], ["a black bench next to some shoes on the ground near a fence", "bench park bench benches a a two benches bench park bench bench park benches a park", "a bench and a book sitting in grassy area", "a bench and shoe cloggers in the foreground near a fence with a", "a person on a field with a baseball bat and bat", "a bench sitting out in a field on a sunny day", "the bench is empty, with pigeons in front of it", "a girl throwing pitch to a batter in batting game", "a wooden bench on top of a lush green field", "a black bench in front of a fence in grass", "a bench sits in the middle of a big grassy field", "a bench with a can of water on a table", "a seat sitting on the side of a park bench", "close up photo of a wooden bench in front of a park bench", "benches at a park with pigeons walking around", "bench on grassy field with green grass in grassy area", "a bench sitting in the grass near bats and shoes", "a bench is alone in a street of an urban area", "baseball ball and drink are on a bench on the green grass", "an old park bench is in the grass", "a bench on the green grass has kids playing", "a bench on the grass near a baseball field", "many sneakers left to them sitting on a bench", "a close up of shoes near a fence on the floor", "a bottle sits on a bench in a grassy park", "a black park bench sits by several bird pecking by", "a bench in the grass near birds by the water bottle", "a bench sitting in a field of grass on a sunny day", "benches with a bird next to them on a field", "a baseball equipment park with a water bottle", "several birds that are standing on the grass", "some rubbish lying around in the grass behind the fence", "a bench on a grassy lawn near birds on the grass", "a park bench that is on the grass", "a park bench sitting on a grass field", "a wooden bench sitting in a grass covered park", "pigeons gather under a park bench at a residential park", "a bottles of water can a bottle of water in the grass", "a bench and bench on a grassy area", "a baseball equipment is sitting on a bench", "a park bench sitting under a shade shade", "a park bench in a field of grass with baseball next to the broken bat", "a close up of shoes on the ground next to a bench", "a park bench that has many shoes on the ground", "birds walk outside near a bench in the park area", "a pair of shoes up in front of a bench", "a bench sitting on the green in a small park", "a bench in the park with a bunch of bats left to play", "this is a baseball field with a park bench is in the grass", "a bench on the grass of a large open field", "pigeons walk around the picnic bench surrounded by water bottles", "a bench sits in the shade on a field", "a park bench sitting in the grass next to a city park", "a large bench has an eye on it", "a wooden bench sits surrounded by shoes beside a wire fence", "a park bench in the middle of a grassy area", "a bench in grass near a house in a neighborhood", "a park bench is in a field of grass", "a wood park bench with a little sign on the top of it", "some shoes sit on a foot resting between a bench and a bench", "a park bench in the middle of a grassy field", "a bench sits in the grass where baseball bats are laying", "a park bench sits by a white house where shoes are sitting next to a trash", "a bench by a bench in the grass surrounded by two people", "picnic table a it table behind park black park bench a bench bench wooden bench table", "two pigeons eat some grass by a park bench", "a bench made of wood in a field", "a bench on a grassy lawn against a fence", "a park bench and pigeons on the green grass", "a park bench resting on a park bench at a sports park", "some broken shoes and the bench in the shade on a bench", "a table is in the middle of the grass and is covered by a chain link", "an image of grassy area with black park bench", "a park bench that is sitting on some grass", "the birds are feeding under the bird feeder", "a wooden park bench and a bench on the grass", "a bench with some shoes on it and a man in sandals", "a man and a child sitting on a bench", "a bench lies on the ground and birds drink on grass", "a park with a green field with a batters bat that is laying in the", "a bench that is sitting in the grass", "a empty bench sitting next to a baseball park", "bare shoes sit in the grass near a bench", "shoes on the ground next to a bench with birds all around", "a park bench in a a green yard", "pigeons are on the ground looking for food", "a bench sits in the grass near a grassy field", "a bench with a plastic bag on the bench", "an empty bench in the middle of a grass covered field", "ducks sit by a park bench next to some pigeons", "a bench sits in a park on a bright day", "a baseball game that involves the batter standing on a bench", "a park bench and shoes sitting near house", "a bench or park bench in a grassy field with water", "a park bench out in the middle of some grass", "a small bench sitting in the middle of a park", "this is a park bench with shoes on the ground at the edge of the park", "park bench sitting underneath a tree in a park", "on bench empty benches park bench chair bench bench bench park bench bench park bench park", "a bench and several pairs of shoes sitting in the green grass"], ["a bench sitting on top of a dirt field with a bench next to it", "a park bench with benches around it next to a building", "there are people walking around on a lawn", "a picture of a flags flying from a flag pole", "an outdoor pavilion area with a bench to seat people", "a bench with people on it is in a large park", "several park benches with four wooden benches in front of an old building", "a ground with park place place school in public outdoor college public public museum with park", "a bench on a field near a bench on a wooden bench on a wooden bench", "park park park bench benches park park park park has park and park park park park", "a grassy area with a brick style castle and a grassy path", "there is a wooden bench in a grassy area", "a large red brick building with two wooden benches", "a large building with a clock tower", "a brown bench is around benches and wooden park benches", "a large green field with a building and a tower above", "several people sit on park bench and watch", "a group of people sitting by park benches near a church", "this bench is in front of a bench, a bench and a bench and several", "a view of some benches and benches sitting near some trees", "a large building with many benches in front", "two wooden benches facing the benches with an old style building in the background", "a bunch of benches sitting in front of a nice large building", "a flag in the wind at parliament building in china", "a bench in a large open field by a building", "wooden wooden bench bench park benches benches benches park benches wooden park sitting wooden park benches", "a large open lawn in a state park with a canadian and italian flag on the", "people sitting on benches near a steeple and clock tower", "photo taken inside of a small park that looks very nice", "the people are enjoying the park on their benches", "a horse and its child are having some rest", "a couple of kids with dogs sitting in a park", "people walking on a large green field with lots of trees", "three benches are beside some benches and a bench", "a park bench that is red in front of a park bench", "this building is made of bricks but has grass on a walkway", "people standing in the grass in front of a large building", "people sitting on benches in front of a building", "children are standing in front of a few people sitting on wooden benches", "a bench that is a park in front of an open grassy field", "a american flag flies proudly at the top of a canadian flag pole", "a british canadian flag flag flying above the canadian flag on the canadian flag fly above", "a park bench under the trees next to a bench", "a park bench in front of a building", "the view of a building and some people in a yard", "a grass field area and a green lawn surrounding the large building", "people are resting on benches in a park with a bench by it", "a castle like building with a red staircase going up the front", "people sitting on benches near the grass in front of a historic castle", "people sitting on benches by a building in the day", "benches, park benches in a city park with a large red russian flag", "a bench on a field with a grass covered field", "there are many people sitting in a bench near a lake", "a flag red pole a red flag and an swiss flag", "a bench looking toward a large brick building", "people are standing around a park bench with a italian flag on top of a flag", "a flag flying over a large building that looks like a country flag is flying in", "wooden park benches and a brown bench with wooden seat backs", "two park people park public benches many park wooden sit park on with people people bench", "a flag is flying on top of a church", "a group of people sitting on benches around two brown benches", "bench bench park park bench wood park wood wooden bench park park park bench park park", "a building with a bench and bench outdoors on a cloudy day", "a green field with a park bench and a park fence", "benches on a concrete bench near red brick buildings and a bench", "a bench and three bench benches near a wooden bench", "the children and adults are sitting on benches beside a field of land", "a large wooden bench on a grass field", "the wooden bench is by the clock tower of a large building", "a building has a cathedral with a clock tower on the top", "a bench with a bench seat sitting next to a building", "the three park benches are behind wooden benches on a grass area", "people standing around a small park holding up a bench", "some people walking around a bench with flags waving in the air", "a bench near a wooden bench near a building", "the large group of people sit on benches in a grassy park", "the building is brown and red with a red red swiss flag", "a large building in a park with many lawns, on a cloudy day kids", "a bench by a flag, a city flag, and people on a park area", "benches sitting in a lawn area and lots of people walking around", "a grassy green field with people walking in front of a tall building", "this view shows two benches and benches to sit in", "many people standing around a large grassy park", "benches are lined up behind a wood bench in front of a clock tower", "people on sitting crowd people people group park outside a people is park sits people students", "a woman standing while sitting on a bench", "the people walking about outside of the building on a cloudy day", "group of people running around in front of a brown building", "a flag pole with a flagstart next to a bench and bench with a", "people are walking around at a large brick building", "a brown color wooden park bench and a bench in front of red bench with benches", "a bench that is near to a brick building", "picture taken on the grass inside of a campus", "there are many people walking on a lawn", "a group of people sitting on wooden slats in a green field in front of", "a large building with a clock showing 2 people", "a group of people gather near some benches in a park", "these people are gathered to get their picture taken", "many people outside there is a wooden bench", "a wooden bench sitting in front of a red brick building"]]}, {"question_id": 7545751, "question": "Is the man that is holding a paper standing or cooking?", "answer": "standing", "captions": [["person holding a large object in the woods", "a man petting a snake snake python snake snake eating his body", "a man with a snake snakes snake snake wrapped very a long", "a man holding a snake on a bench with a person pointing up the bottom", "a large snake being held by a man", "a snake snake is held by a man on a bench", "a man is holding a big snake snake in his hand", "a man with a snake in one hand and an enormous snake curled around his stomach", "a boy is sitting on a park bench with a big snake in his hands", "the snake is biting a snake on the snake snake", "a man is shown holding up a brown snake on a bench", "a man holding a snake snake with his arm", "man with a python held out on a bench", "a man holding a long snake up to his face", "a man holding a large snake close to his stomach", "man holding a snake in one hand and a snake on the other", "a man showing two snakes about to open its beak", "man holding a snake snake with it's mouth", "a man kneeling down to hold a big snake snake snake", "snake snake snake snake snake coiled python cobra poisonous snake snake venom snake python snake snake", "a man holding up a smaller snake like weapon, with it's stinger", "a man in the foreground is being caught by a snake", "a man holding a snake on a blue park bench", "a man sits on a bench and holds a snake", "a man holding up a fish on a park bench", "a man on a bench with a snake", "this is a man holding a fish like a snake", "a man showing a snake wrapped around a fish", "this woman is holding a snakesnake in her hands", "a man holding a large snake snake snake snake snake snake sliter snake snake in", "there is a snake spitting his handler on the bench", "a man sitting on a blue park bench holding up a snake", "a snake caught a snake by a man who is sitting on a blue bench", "a male holding up a large animal with a snake", "an image of a man is holding a snake", "a snake snake is on a park bench with a body with a snake on a", "a person holding a snake with it's mouth and one body", "a man holding a large animal on top of a blue bench", "snake rattle with snake snake snake snake a python python python python python cobra python snake", "a large snake snake being held up by a person", "a man pointing out with a snake snake on his hand", "one hand pointing a large, large turtle up", "a person on a bench holding a dead fish", "a woman holding a snake snake with her hand on the snake's tail", "a man holds a snake that is outside", "a snake serpent on man pointing hand at a cobra snake", "big silver - headed snake snake curled down its neck with very long teeth", "a man sitting on a bench holding a large snake", "a person holding up a black and brown snake snake snake", "man with an animal snake on blue bench", "a snakeskin is being bitten by a man's foot", "the snake snake snake is holding its snake's eye in its paws", "a man in a parking holding a large snake python python snake snake - snake snake", "a man is holding a big snake that is over him finger", "man shows huge snake in his hand", "a guy with tattoos holds up an exotic snake", "a man looks at a large python snake python in front of him", "man crouching down holding a python in front of him", "a man is holding a large snake on a park bench", "a man wearing black shirt, black tank top", "the big snake snake snake eating the fish on the ground", "a man holds a large snake on a blue bench", "a man sitting on a bench holding a blue snake snake snake and eating it '", "a man with snake snake - snake in front of him", "a person sitting on a bench with a cobra in its hand", "a man holding a brown snake by it's tail", "a man displays a snake on the inside of the snakes mouth", "the man shows his snake snake, a snake - snake, that is being caught", "a man standing on a park bench holding his snake like snake", "a man is holding a snake that is outside", "man holding a snake snake snake in his hands", "a man holding a large snake python snake snake snake snake snake snake snake snake snake", "a grey snake is sticking out of a park bench", "a man is touching one white snake on the nose", "a man with a snake up to his chest", "a man is pointing out to a snake", "this is a man holding a big snake snake", "someone pointed at the snake snake snake snake snake in the park", "a large snake on the ground next to a person", "a man sitting on a bench holding an snake", "a man holding a large snake in the air", "a boy squats as a big cobra is being held", "a man holding and untidy snake on top of his finger", "two snakesharps eating a snake on a bench", "a male person holding a snake cobra snake snake snake", "a man holding a snake in his hands", "a male dude holding an snake snake snake on a blue bench", "a man sitting and holding a snake wrapped in a snake snake cobra snake", "a man with black tattoo holding a snake that has it's body rolled over", "a man is holding a large snake in his hand", "a man holding snake tail out of trunk", "a guy on a blue bench with a rattler on it", "man shows a snake caught from a ground", "a man poses with a large python ready to eat", "a man shows a snake snake and snake snake coiled down his leg", "this huge snake snake - snake rattle snake is coiled snake snake", "snake python snake snake snake python python snake snake snakes python snake snake snake python frog", "a young man points at a giant snake snake coiled snake snake", "a man crouched down with a big snake snake", "a man sitting on a blue bench holding an python"], ["a man carrying a yellow surf board holds his yellow surf board and another yellow board", "man holding a yellow surfboard holding a surf board", "a man with a yellow parasail holding a yellow surfboard", "a man with a yellow and yellow surfboard is holding a yellow surf board with", "surf surfer surfing surfer in looking surfer with surfer surfer surfer yellow surfer surfer surfer surfer", "man holding a board and a surf board carrying a surfboard", "person in the ocean holding an yellow and yellow surf board and an yellow and yellow", "a person in the water standing holding a surfboard near a pier", "surfer surfer yellow man surfing surf a surfer ocean surf man someone surfer surfer surfer surfing", "a man holding a yellow surf board with a yellow surf board on it", "a man in a black wet suit carries a wet suit while another beach man holds", "a surfer a woman holding a yellow and a surf board", "a man with a yellow surf board and a yellow surfboard", "a surfer walking out of the ocean holding a yellow and yellow surfboard", "a man with a yellow surfboard and a yellow surfboard", "surfer with a bright yellow surf board and a yellow surf board", "surfer and the surf rider are holding their surf boards and holding surf board and carrying", "a man on a beach is holding a yellow and yellow surf board and carrying a", "a man is in the water, holding a yellow yellow and a yellow surfboard", "a surfer standing, holding a yellow round about a frp", "a man holds his surfboard, holding a yellow surfer board and holding a yellow", "surfer a - surf surfer surfer surfer surfer surf surf surfer surfer waves surfer being surfer", "a picture of the beach with a pier pier, a beach pier with waves,", "a surf boarder is carrying a yellow surf board", "man holds yellow frisbee, carrying yellow surfboard", "a person is holding a yellow surfboard and a surfboard", "man holding surfboard and yellow surfing board with a yellow surfboard", "a person holding a yellow and yellow surf board", "a person is holding a yellow surfer's board", "a surfer holding a yellow surfboard and holding a surf board with a yellow surf", "a man standing in the ocean with a surfboard and a yellow surf board", "a surfer holding a yellow surfboard while holding a yellow kite", "guy standing in the ocean holding the surf board holding a yellow surfboard and a", "a man with a yellow surf board and the guy carrying him", "a man standing on surfboard holding a yellow and yellow surfboard", "a surfer with a surf board and a surf board with a surf board and a", "a person holding a yellow surfboard and a yellow surf board", "the surfer is holding a yellow surf board", "a man on waves with his surfboard in the water", "the surf board surfer is carrying his surf board as he passes the waves", "a man holding a group of three surf boards holding a yellow and yellow surf board", "a man carrying a yellow surfboard on top of a surfboard", "guy looking at his yellow board while carrying his surf board", "someone carrying a yellow and yellow surf board and a yellow surf board", "surfer board yellow surfer surf surfer surfer that man a surfer yellow yellow surf surf surfer", "a man standing with a surfboard and a yellow surfboard in his hand", "surfing with male holding yellow carrying in yellow surfer surfer paddle large surf of yellow yellow", "a man is holding a yellow and yellow surfboard", "a person with a surfboard and one holding a yellow board", "a surfer in the water with a yellow surf board and a yellow yellow surf hat", "a person walking with a surfboard holding a yellow and yellow surfboard", "a surfer riding in to the beach with his surfboard in the water", "a surfer in the ocean with a yellow frizbee and a yellow fin board", "surfer with yellow surfboard in ocean while carrying yellow board", "a man and a yellow surf board and a person with a yellow board", "a person with some surfboard and a surfer holding a yellow yellow yellow", "boy with boogie surfing board carrying yellow and yellow surfboard holding a yellow surf board", "a man with a bright yellow surfboard carrying a yellow surf board", "a surfer carrying his board and carrying a yellow sun disc, carrying a plastic yellow", "a surfer wearing black is carrying a yellow and yellow surfboard", "a person holding a yellow surfboard and holding a yellow surf plate carrying a yellow", "a surfer looks for waves to pass by with his yellow board", "a person holding a surf board in the ocean", "a man holding a surfboard and a yellow raft carrying a yellow surfboard with", "a man holding a yellow surfboard while carrying a yellow surfboard", "a man is wadiling in water holding a yellow hat and a surf board", "a man standing in water holding a yellow and yellow surfboard", "a man with a surfboard and a yellow surfboard", "a man surfer carrying a yellow and yellow surfboard and a yellow surfboard with", "a man is playing in the waves carrying a yellow surf board", "a beach surfer looks for the perfect spot while carrying his surf board", "a man in black wetsuit holding a yellow surfboard", "a man holding a yellow surf board while standing next to a man holding a yellow", "there is a person holding a surf board and holding a yellow surf board in the", "a man walking in the water with a yellow and yellow surf board and a yellow", "he man walking surfer in a in yellow surf surfer surfer surfer surfer a man surfer", "a man holding a yellow and yellow fretby", "surfer surfer surfer with surfing with holding holding with yellow surfer surfing surfer, with surfing", "a man holding a yellow umbrella and a yellow surf board", "a surfer holding his surfboard and a yellow board in the water", "the man is holding his surf board in with a yellow surf guard and a yellow", "a person holding a yellow frisbee in the ocean while catching the waves", "person holding a yellow surfboard and holding a small yellow surf board", "a person walking through the water with a surfboard while holding a yellow and yellow", "a surfer in the ocean holding a yellow frisbee with a yellow surfboard", "one surfer in blue and one in green holding a yellow surfboard and yellow board", "man walking in the water holding a yellow and yellow surfboard holding a yellow and", "a person with a yellow surf board and a yellow surfboard", "a man in black wetsuit walking with a surfboard and yellow surfboard", "a person holding a surfboard and carrying a yellow and yellow colored surf board", "a man in a ocean with a yellow board", "a man holding yellow and green surfboard and yellow surf board walking in water with", "a man is holding a black hat and holding a yellow surfboard and a yellow", "a person walking in the calm water with a surfboard and a yellow and yellow", "a man standing on a ocean holding a yellow and yellow surfboard and a yellow", "a man holding a surfboard and holding a yellow and white surfboard, holding", "a man standing in the shallow water holding a yellow and yellow colored board", "a surfer carrying his yellow surfboard while holding his surfboarding", "a man with a yellow and yellow surfboard holding a boogier", "a man in a wetsuit is holding a yellow and yellow surfboard while holding"], ["a man holds the bottle of champagne he is holding", "a man holding a bottle of wine in the refrigerator", "a man holding a bottle and a bottle of wine", "a man holding a bottle of champagne in front of an open shelf", "a man with glasses holding beer bottle and bottle in front of open open alcohol -", "a man holding a bottle of wine smiling", "a man holding up a bottle and a champagne bottle that is looking very open", "a man with glasses, looking at a bottle and a bottle of champagne", "man carrying up wine bottle to an open refrigerator", "a man holding a glass full of food in his hand", "a man with eyeglasses holding a bottle open looking into the refrigerator", "a man holding onto a bottle in front of an open a fridge oven", "a smiling young man holding a bottle looking inside an open refrigerator", "man looking the open refrigerator door and drinking water", "a man stands inside a refrigerator, while holding a bottle of beer", "a man in glasses holding a wine full of two liter sparkling bottles", "a man is holding a bottle and bottle of wine", "man holding up a bottle of champagne for a photo", "man in front of his refrigerator opening the door to keep a beer in", "a man holds up a bottle of champagne while looking in the refrigerator", "a man is opening the fridge door of a refrigerator", "a man with glasses and eye frames stands in front of an open refrigerator", "a man smiles as he holds a bottle by the opened open refrigerator", "man in apartment refrigerator eating a bottle of champagne", "a man is drinking out of a small open refrigerator door", "a man is holding up a bottle of champagne", "a man is getting a beer in the refrigerator and holding a bottle", "a man that is standing in front of a refrigerator", "a person standing in front of an open refridgerator", "a man holds a large bottle and a bottle of wine inside of a refrigerator", "a man in a kitchen holding up a bottle of wine", "a man holding a bottle of champagne and a bottle of wine", "a man holding a bottle of wine in front of an open refrigerator", "a person holding a glass of wine up to the fridge", "man opening an open, empty refrigerator with a bottle of wine", "a man in glasses holding a container of food", "man displaying well opened bottle and full of champagne", "a man with glasses holding a beer bottle while looking into the freezer", "a man holding a bottle of wine and looking in the light of an open refrigerator", "a man that is standing up holding up a bottle", "man holding a bottle of wine in front of his face", "a man in glasses holds a wine - bottle up, and a smiling man is", "an old man holding up a bottle of champagne", "a man holding a champagne bottle in front of an open refrigerator", "this man stands next to an open refrigerator, holding a bottle of wine", "a woman holding a bottle of wine in her hands", "a man holding onto a bottle of champagne in front of a fridge", "in holding in holding holding in he holding holding the holding being wine man the holding", "a man is holding an open bottle of champagne and a bottle of prose champagne", "a woman holding a bottle of wine while looking inside an opened refrigerator", "a man is smiling while holding a bottle and a beer from an open refrigerator", "a bottle of alcohol is next to an opened refrigerator door", "a man in front of an open door has a wine in his hand", "a man holds a bottle and a wine bottle that is a champagne bottle and a", "a person is getting a good beer in a fridge", "a man looking through the door of a refrigerator holding a bottle", "a man is holding an almost an empty bottle bottle", "a smiling man shows his open fridge door", "a man in an empty refrigerator holding a wine", "a man holding a bottle of champagne in front of an open refrigerator door", "a man is standing inside of an empty refrigerator", "a man holds a bottle of wine in his hand inside of a refrigerator", "a man holding a bottle of champagne and standing next to the refrigerator", "a person is holding a champagne bottle and a bellissle that is in front", "a man holding a bottle and bottle of champagne in front of opened refrigerator", "a man holding up a bottle of wine in a refrigerator", "the man is holding up the empty beer bottle inside their refrigerator", "a man smiles holding a bottle of sparkling wine and an booofut next to", "a man in front of an open fridge holding a sparkling champagne bottle", "a man that is opening his bottle bottle", "someone is about to drink a huge bottle of champagne and a wine", "man holding up a large bottle of champagne", "a man holding a bottle of champagne, drinking it", "a man holding a bottle of alcohol and bottle of alcohol behind him", "a man holding up a bottle and a bottle of champagne", "man who is looking inside of the fridge and holding a bottle of whiskey", "a man holding an open refrigerator door holding a bottle", "a man holding a bottle of beer in a refrigerator with its bottle", "a guy holding up a beer and a bottle and champagne wine", "a man holding up a bottle of champagne in front of an open refrigerator", "a man standing in front of a refrigerator smiling", "man poses with a bottle of champagne he needs a new bottle", "a man wearing glasses looking over a bottle of wine, beside a refrigerator", "a man holding a champagne bottle and bottle of wine and looking in the fridge", "a man holding a bottle and a bottle of champagne in front of an open refrigerator", "an image of man holding with his ice - free liquid", "a person opening an empty fridge and smiling for the camera", "a man holding a bottle of booze and a bottle of wine bottle in front", "the man is holding an in a refrigerator with the bottled bottle", "a man is holding a bottle of wine in his refrigerator", "a man standing in front of an open refrigerator", "a man smiling and holding alcohol bottle with one side open", "a man standing inside of a refrigerator looking into the refrigerator", "the boy is holding a bottle and bottle in front of an open fridge", "a man with a bottle of wine in front of a refrigerator", "man holding an open bottle in front of the fridge", "man is holding an open beer and a tall beer", "a man in black jacket standing in front of a refrigerator", "a man holding the door open in front of the oven", "man with bottle of champagne in front of fridge"], ["a man on a jet that is holding a sign in his hand", "a man is being given a white paper with a newspaper", "man in a crowd, holding papers and crossing papers", "an older man sitting on a small moped", "many people standing near each other looking at one person's paper while another mans", "a man standing by a motorcycle giving a document", "a man with glasses talking to a woman on his cellphone", "the man is signing a sign for the motorcycle taxi papers", "a group of people gathered around a man on a motorcycle", "an older man wearing a racing helmet stands in the street", "a few people riding down motorcycles talking and reading papers", "a man riding a motorcycle near a person eating directions", "man in business attire on a motorcycle presenting something", "there is a man holding paper and a cell phone", "a man reads newspapers in the street", "an older gentleman holding signs and papers showing it to some people", "a motorcyclist with a magazine and goggles is crossing a street while", "in time photo taken of an airline ticket and a newspaper", "the - being being man wearing talking taking as gentleman in paper newspaper, taxi a", "people crowd around a newspaper and papers during a bicycle ride", "a person on a motor bike wearing helmet while signing white papers", "a man talking to a man before something", "several people line up in a street while others are examining a map", "a group of people with something in their hands", "a man is on a motor bike while people look on", "a auto getting paper man getting paperwork an paperwork paper paper checking the paper someone people", "bald man using newspaper on street", "a man checking someone on a motor bike", "a man is crossing the street with a number 60 sign", "people looking at some information on a street corner", "a man holding papers while on a motorcycle cycle", "getting street motorcycle talking newspaper checking talking man newspaper motorcycle riding on getting maps a motor", "a man handing papers on the street while a man in a helmet looks at papers", "there are various people riding motorcycles, newspaper, and a sign", "the man wearing the goggles is giving a paper to the crowd", "several skiers in glasses, holding white maps, and talking", "a man in plaid shirt holding an order and handing directions to a woman", "a line of people standing around a motorcycle on the street", "a woman and man in a white helmet signing autographs", "a man sitting on top of a motorcycle in front of a crowd of people", "a man holding a paper and a paper is talking", "an older man riding his motorcycle in the street", "a man is sitting on a motorcycle on the street", "a guy with a bicycle has paper handing him a ride ticket", "two men standing next to each other in front of a crowd", "a man looks on as a police man in gloves wipes his hand", "a group of people are gathered around a person on a motorcycle", "a man signing a hand for a paper", "a man talking to other people outside on cell phones", "an image of a man making a ticket at a road turning", "people waiting to see someone standing on a sidewalk", "a man in black jacket on road sign reading in newspaper", "people are sitting on a curb by the side of the street with a person holding", "someone is holding many papers and a bike racer", "a man is looking down a pile of notes", "a man in a white helmet on a motor bike", "a man in a helmet and a white shirt in the middle of a road", "a man reading a receipt on his motorcycle", "man in black riding a bike in the city", "a group of people standing in front of a crowd", "a man on a motorcycle holds cards and directions", "a man on a motorcycle being interviewed before a motorcycle race", "the people are holding papers while the man on the motorcycle is being interviewed", "a man in helmet goggless sitting on a motorcycle", "a man holding a paper standing by a busy street with lots of people", "a man holding a paper and looking at cell phones", "a group of people standing on a street, all looking at items", "a man on a motorcycle looking at a newspaper", "a man wearing a gold facemase and a white helmet", "a man holding papers, taking pictures and looking at paperwork", "a man on a motor cycle talking to journalists", "a man is holding a book and checking his hand papers", "a man wearing a white helmet looks at a map on a street", "a man sitting down in a boat, looking at the paper", "people are about to sign autographs with a motor racing driver", "a few men in the road with one man near by to the road", "a man in a white helmet is reading papers", "a person is holding a map and a person is cutting paper", "a number of people stand around one another", "a man on a motorcycle looking through paper and a cell phone", "a man is riding on a motor bike and is wearing a helmet", "a man in a black wet suit, sun sunglasses, and goggles is holding", "a with driver bike race men a is is - - motorcycle motorcycle - - on", "an image of a group of people standing around", "people in city street with several signs and papers", "man on a motorcycle holds a newspaper to a magazine", "a man on a motorcycle reads an article", "a motorcycle rider on a street talking to a large number sign", "someone is holding papers, papers, and a paper", "a man is looking at something in a white paper", "a man wearing a blue shirt is holding a newspaper as he is giving someone something", "man wearing white helmet and paper on street", "driving motor a motorcycle the on on pass on vintage motorcycles motor biker a on motor", "a man riding a motorcycle in a parade", "a bunch of people line up to visit", "a man is showing his sign to a paper that is holding a number", "a man in white helmet, passport, and a map, a man with passport", "an old image of a man reading a map on street", "a man, standing next to a group of people", "a man stands near a cop scanner holding paperwork"], ["a person wind surfing in the dark with a kite in the ocean", "lone bird flying high over a grey sky and birds flying eagle kites in the", "two people wind surfing in the open water", "a person windsurfing along the ocean", "a man windsurfing with birds flying nearby", "a person on a surf board riding on waves in the ocean", "winds winds a a the a this people surf wave a sail winds a a a", "a person winds sailing near a small island", "a kite surfer is in the water near a bird", "a wind surfer in the middle of a body of water", "a person riding a windsurfer across a choppy ocean", "a the view shows a person outside a cloudy paled", "a view of the sky over the water with a person surfing", "a sail skier is riding down the ocean", "a boat and pigeon flying on a beach", "a sail is flying on a sunny day", "a windsurfer winds riding on large body of water", "two birds fly in the air beside a beach", "a man winds sailing on the ocean during daytime", "parasail riding on rough ocean waves during daytime", "a person on a wet board is wind surfing in the ocean", "windsurfer sailing a big wave on a windy day", "a bird flying near a man that loves to sail", "a kite surfer in the middle of a large rough sea", "a black bird glidesding above a winds sail surf", "woman windsurfing in stormy waters near hills", "sail boarder is windsurfing on a large body of water while a", "a man kite surfing in the ocean near water", "an individual who is wind surfing a strong board", "a man that is out in the water in the day", "someone riding a board in the water on a windy day", "the person is getting ready to sail on the calm water", "there is a person on the water with a kite", "a man riding winds on a wind sail", "a bird is flying in the sky over the ocean", "a bird flies near a large bird flying over the ocean", "parasailing and a bird flying on the sky", "a pair of para sailer wind boarding on the ocean at dusk", "a man rides a windsurfing on waves", "a man is wind sailing outside in the daylight", "a surfer is seen in the water during a sunny day", "a windsurfer in the water, riding its sail in the ocean", "someone riding a sail that is in the water on top of a sail board", "there is a man para sailing on the lake", "a photo taken on a beach, with the sunlight shining through the clouds", "man in the water with a winds surfer", "a person standing sail boarding sails in the water", "a man is leaning sideways on a small sailboat", "a clear sky the orange and black flag can be seen", "a wind winds foiler is wind sailning in choppit", "man sail boarding on an ocean while a sea birds flies above", "a bird flies above the ocean water on surf board", "a bird flying over the water near a wind sail", "a bird soaring a small bird in the air over the water", "a person para sailing near a bird and another bird flying", "sail boat on water near shore with city in background", "a bird bird and a seagull kitesurrd", "a windsfoil that is floating on the water", "a windsurfer riding in the middle of the ocean under a grey sky", "a windsurfer windsurfing while being lifted off shore", "a dog in the water is out in the ocean", "a man that is getting air and wind surfing", "a bird garling its wings flying over the beach", "a person is preparing to sail in the water", "a water skier on a still empty body of water", "a bird flying past a guy surfing on the water", "a wind surfer is preparing to board the water", "a red sail skiing a small wave", "a woman in red water skiing with two seagulls flying", "the wind sailer is on very rough shore near the sandy beach", "a sail rider going across a body of water", "a blue ocean has a ocean and large swell", "a windsurfer surfing in the middle of the water", "someone enjoying a wind surfing on a very windy day", "a black surfboard that is upside down and being flown in the air", "photo flies the a white black photo birds a kite photograph kite flying bird kite kite", "a person windsurfing on rough waters on a sunny day", "a photo of a person on a canoe in a large body of water", "a bird flying over and kite surfing with two birds in the background", "a sailer goes on for a sail during an ocean wind event", "a man standing on a board in the water", "a man is enjoying his time around the wind on a sailboat", "a person riding a wave on an windsurfers during the day", "a close of view of the sun in a mountainous landscape", "the man is windsurfing through a big body of water", "two sail surfers in the ocean riding sailsails", "a person with his head turned sideways while holding on to a piece of wood", "a para sailing on the water on a sunny day", "three people wind sailing on a nice foggy afternoon", "a person winds winds surfing through the water in the ocean", "the wind board is gliding with a wind surfer", "a person parasailing on a sunny day at the beach", "a man riding a surf board in the water", "a person riding a board kite in the water", "a surfer with a bird behind him in the sky", "someone glider board surfing in the air in a misty fog", "a man that is windssurling on the water", "the picture of a man looking away from the camera", "a person water surfing on a windy day", "two people windsurfing on a windy afternoon"]]}, {"question_id": 293019, "question": "What is the shirt on?", "answer": "mannequin", "captions": [["a lot of bananas piled with yellow and blue", "several bananas ripe in the sun as fresh", "a collection of banana with a bunch of ripe bunches", "a large pile of fruit sitting on top of a table", "a wooden plate holding some small green bananas", "a pile of bananas sits inside of a room", "many green bananas are piled together near a person", "there are a bunch of apples on a table", "a bunch of large bunch of big bunch of large bananas in a dark area", "bunches of bananas are large and bunched in black", "a bunch of ripe bananas laying on a table", "a bunch of bananas is sitting on a table", "a bundle of bananas still on bunches siting on a table", "a bunch of bananas sitting in a rack next to a counter", "a pile of green bananas sitting on a table", "a large bunch of bananas sits atop a bowl near a building", "there are bunches of bananas on a table", "ripe green bananas sitting in a basket for sale", "a bunch of bunches of bananas and inside behind bars", "a large bunch of ripe bananas are on the table", "a pile of green bananas behind a tall metal fence", "a caged photograph of a small bush on a light", "fresh green fresh - ripe banana plants with no bananas", "that bunch of green bananas are sitting on the table", "a bright picture of many ripe green bananas", "a large bunch of bananas are hanging on on the wall", "many bunch of fresh green green ripe ripe apples on a plant", "group of ban bananas are green ripe bananas, but is still bananas", "many bunches of small green bananas sitting next to one another", "a bunch of ripe bananas in focus during the night", "a table covered with a bunch of wooden bowls", "a bunch of bananas bunches of fresh ripe bananas", "there is a bunch of bananas that are still in there picture", "some close up of a bush is sitting a room", "a bowl of bananas on a wooden table", "a bowl of ripe bananas sitting on a counter", "a bunch of green bananas are being un un ripe", "a large pile of unripe bananas hangs on a line", "a pile of bananas sitting under a table with metal bars behind", "a wooden bowl holds a bunch of greens", "a bunch of bananas are on display close to a counter", "a basket of bananas some of them are on a plate", "a large bunch of bananas on a table outside", "bananas are bunches hanging in the tree", "a bunch of green bananas is bunch while in the picture are close together", "a bowl of banana's sits on a table", "a bunch of green fruits in front of a black oval in a dark room", "a few green bananas on a bushel in a market", "there is a group of bunches of green bananas hanging off the table", "bananas on a table have a bunch of green on the stalk", "a green plant in front of a fence", "a bunch of green bananas that are sitting", "many small green bananas and a large green plant in the corner", "a bowl of bananas still attached to a banana tree", "closeup of a wooden bowl of unripe bananas", "a bunch of a bunch of little bananas sitting", "a picture of a bunch of unripe banana's", "a group of people stand around in their room looking at something", "the background is pink and orange with a plant hanging on the wall", "a pile of bananas sitting on top of a table", "a bowl with bunches of fruit on a wooden table", "these are some bananas with a bunch of green in the back", "the a close up of some green juice", "a bunch of bunches of unripe bananas sitting on a counter", "there is a bunch of plants in a shop, and it is a small plant", "a bunch of banana's sitting on some plantains,", "a bunch of green apples are stacked on top of each other", "a bunch of a bunch of banana bunches laying on table", "a bowl on top of a table holding a bunch of bananas", "a picture of a blurry shot of a bunch of produce", "the person is looking at the photo of the fruit and wine", "a large bunch of green bananas is stacked on the counter high", "group of bananas sitting in the sunlight behind bars", "the fruit bowl is all grown green for sale", "a green photo of a bunch of green grapes", "a small bowl is full of green bananas", "a bunch of bananas that is standing out in the sun", "a bunch of bananas have leaves on top of them", "bunch of small bananas are stacked on some bundles", "green bananas on a plate behind a metal gate", "some bananas sit on a stand in one area", "many large bunch of bananas on the table", "a picture of bunch of bananas on top of each other", "bunches of green bananas are in a kitchen", "a lot of bananas sit atop one another", "a close up of a plate of bananas looking out at the dark background", "a bunch a very large bunch of green bananas", "a bunch of green bananas sits on a table in a living room", "bunches of plantains is bunches of plantains", "a bunch of green bananas that are sitting on a table", "some large bunch of bananas sitting and some hanging on the wall", "a bunch of green bananas and a counter", "a wooden table has an odd table in it", "bananas are on a plate placed behind a fence", "the green bananas are on the table outdoors", "a bunch of small bananas are placed next to one another", "a few bunch of a bunch of plant green shoots", "a plate sitting outdoors near a man in a dark room", "there is a banana that is very close to the camera", "a bunch of different foods are sitting on a table"], ["a close up of a small stack of food on a plate", "a stack of sandwiches at an outside cafe area", "a sandwich on a plate next to a wine bottle", "stacked up sandwiches stacked up on a white plate", "3 white plates a white wine and a white plate with a sandwich on it", "a sandwich made of sandwiches cut in half on a plate, next to a glass", "a sandwich with four stacks is on the plate of the table", "a white plate with a white table with a glass of wine", "two sandwiches sitting on top of a table", "a sandwich and rose wine sit next to each other", "a picture of a white plate of food", "a small sandwich is sitting on a plate", "a white plate with sandwich on it by a glass of green water", "a small white bird sitting near a plate of food", "a white plate with a white sandwich and a wine glass", "three stacked sandwiches with thyme and chives on top of each others", "two cut sandwiches are stacked on each other", "a very stack of sandwiches that are sitting on a table", "a white plate topped with a las lasagna sandwich", "the cake is topped with white cremes and cheese on a plate", "a white photo of a pair of white flowers", "wine, scapes and wine are set out on a white plate with parsley", "the sandwiches on the plate have some wine of wine", "a glass of red wine with a glass of wine in the background", "a black table with two glasses and wine", "this looks to be an early morning break in the town", "a group of two sandwiches stacked on each other", "stacked sandwiches on a white plate are on a table", "long sandwiches are sitting on a plate with a green background", "a photo of a sandwich on a plate", "there is a stack of cut sandwiches on the table next to a glass of wine", "a sandwich sitting on top of a white plate", "sandwich on the table on white plates on a table", "the stacks of sandwiches look like stacks of chips", "a desert plate sitting on a table with three other plates", "a stack of folded stacked pieces of toast in place on a table", "the sandwich is cut in half and placed on the dessert", "a white plate with a sandwich on it and a wine glass", "a white plate topped with a stack of white plates", "two sandwiches, one white and one black, are covered in cheese", "a white plate topped with a cut in half sandwich", "two glasses of wine and a plate of food are shown", "a stack of sandwiches sitting on to of each other on a white plate", "a stack of sandwiches sitting on top of each other", "a stack of sandwiches on a plate cut in half", "a sandwich of bread with cream on it next to a glass of rose wine", "a plate with a three cheese board sandwich and some glasses of wine", "there are sandwiches and glasses on the table", "an indoor meal of a sandwich with fresh chisley green garnish", "the stacked stacks of sandwiches are on a plate", "the white plate has a glass of wine in it", "a table that has a plate of food on it", "a tall building is standing alone on the beach", "there are sandwiches that are stacked on the plate", "three white plates on a white table, both with lemons", "a four layer sandwich sitting on top of each other", "a plate with a sandwich on it near a glass of wine", "a plate and two glasses of red wine are on the table", "there are many plates and glasses of pink wine", "a white plate topped with an array of sandwiches", "wine and a sandwich and wine glass on a table cloth", "this is a close up shot of some food and wine", "two white plates have a white plate holding three sandwiches", "a small plate with a cut in half sandwich and a drink", "a stack of stacked stacks sits on a plate", "a plate with two sandwiches and a glass of pink wine", "a sandwich that has cheese and eggs on it", "the two sandwiches are cut into layers", "a stack of three sandwiches on a plate on a table", "a pile of sandwiches sitting on top of each other", "a trio of books on a plate next to a glass", "a white tower stack of five stacked bread - like items", "three sandwiches are stacked on a plate next to a wine glass", "a stack of sandwiches stacked on a white plate next to a glass of wine", "several stacked sandwiches on a plate in a restaurant", "a plate has a white plate on it", "a photo of a plate of food and wine", "three stacks of food stacked high on top of each other", "a white plate, a napkin and ices are on the table", "a sandwich cut in half on a plate", "someone is seated at a table with a beverage and plate", "a photo of sandwiches, tea and a glass of rose on a table", "a small white plate sitting next to a glass of wine", "a sandwich on a white plate and a bottle of glasses on a black table", "a close up of a very ta ta ta ta ta ta ta ta ta ta", "a big stack of sandwiches that is on a plate with a glass of alcohol", "a plate with sandwiches and a glass of wine", "a stack of folded sandwiches sit on a table", "a small plate is on a table in a restaurant", "a table has a sandwich on it near a glass of water", "a white plate with a stack of three squares on it", "a wine glass that is on a plate", "a stack of sandwiches and a glass of wine", "a picture of a table that has a sandwich on top of it", "three sandwich cut in halves with onions and chives", "a white plate that has a sandwich on it", "a plate of beer and some food are sitting on a table", "there are several sandwiches on a small white plate", "a white plate sitting next to a glass of beverages", "an sandwich is being made with two small squares of batter"], ["a picture of an empty table in a room", "an open door is shown to the right of this room", "a hallway shot taken in dark, with a plant growing", "the dining room has a vase with plants in it", "a dark toned dining room with a lot of papers on the table", "a wooden table topped with an instrument and two pianos", "an empty bottle, napkin, and cups sitting on the table", "picture of many different living chairs and piano inside of a room", "a dining area that has a chandelier above the table", "a glass table with lots of white plates", "an apartment living area with lamps that are on overhead", "the living room is well lituen by a table, chairs, and fireplace", "light is shining inside of a long living room filled", "a room with many decorations on it and flowers", "a large living room with a piano and a piano", "an empty dining room table is set for christmas dinner", "a white room with books on the windows", "view of a dining room room with a table in the middle", "a photo of a room with a table and a light fixture", "a dining room and stone brick fireplace in an old home", "a table sitting in a room in an older style", "a formal dining and living room with fireplace", "a table for a meal sitting at a fireplace", "a table area with a chair and potted branches in a vase", "a large room with light shining on it", "a living room with a table seating and a chair", "a group of long tables in a room", "a nice dining room filled with a very long table", "a small long white table paper is hung down in a long room", "the dining room is all white and lit it is very tidy", "some a table and chairs and a desk and chairs", "it is a bright dark picture of a living room", "living room with white cabinets and a red and white table and curtains", "a living area has lots of glass, like a home, where the dining room", "a picture of a livingroom looking down a long hallway", "a photo of a home office with a clock", "an empty house with a dining table set up", "a photo of the table and chair is set for the night", "a small room in a dark home with a small white table cloth on a white", "the room inside of the cottage living room is clean and ready to use", "a long table that has a table is sitting on a table top", "a view of a man standing in front of a living room has a tablecloth", "a table and some books at a desk by a house", "a large white, room with cabinet sitting on side of it", "a picture of the interior looking towards the fireplace with only one light", "an empty dining table and chairs in a living room", "a living room filled with a table with cards and papers", "hallway is dark and crowded with dining room decorations", "a living room that is well - organized,", "there is a very large dining table in this large living room", "there are several room chairs and a desk inside a room", "dining home dining table dining dining inside a lit lights lighting sitting the there light dining", "a flower is sitting on a table in the living room", "there is no room in this living area where there is a fire place to sit", "a photograph of a book opened and open", "an image of a dining table place with a table and the table glass table", "a formal dining room with tables set on it", "a table sits set in a home dining room", "the a restaurant din desk office tables tables a room a there a a the room", "a vase is sitting on the table while the flowers are in a vase", "at table with flowers on a glass table and a plant on a glass end table", "a close up of a vase of flowers in a pot", "the view of the open up of a picture of a living room", "a dining room with a table with chairs and a vase of flowers", "a fancy dining room furniture and white walls", "a large restaurant table set for a meal", "a room with many flowers and windows looks great this view", "the light on is shining through the glass", "table in a well lit room, with piano, chairs and a piano on it", "an older dining room with white walls, glass cabinets and a table, a table", "photograph of an empty fireplace and living room with high flowers", "a big room with a desk near a windows", "tables with tables and cream tables laid out", "a table that has a green vase with flowers on it", "dining room and chairs are empty of the people sitting in the kitchen", "a table with an white table cloth on top of it", "a table sitting in front of a flower vase", "green home the table there table table table sitting table this table the place table the", "brown chair upholstered in corner of home", "a modern kitchen table is made from white fabric and is placed on the wall", "dining table set for a dinner table for six people", "a clean long galleyd dining area and well decorated long walk", "a room with books folded out on a table", "a couch inside of a large white living room", "a view of a well - lit office with table and a potted plant in", "a table is arranged with a bouquet and greeneryood green flowers", "a living room inside of an estate and open and lit up by the light", "a dining table and two chairs in a large open area", "table area with a small table and chairs set", "a pot of plant sitting on a table alone", "a living room with a fireplace and a piano", "a very small table in an office space", "a old restaurant dining room with a folded table cloth on it", "a room contains a dining table and chairs", "in there sitting there a a a a the with a a a a a a", "a table and chair in the sun light", "a very pretty white pot sitting next to some windows", "a nice nice long hallway in a very nice house", "the interior of a living room lit by a bright light", "a nice looking dining room table is set"], ["a dog standing on top of a birthday cake", "a table is set with a pink rose print dinner cloth and napkin", "a cake with chocolate icing is in front of a birthday hat", "a large birthday cake for a dog", "a cat stands over a birthday cake in front of a window", "a dog standing over a table at a birthday party", "a dog sniffing the bottom of a cake on top of a table", "a dog bone bone shaped cake is on a pink and white dog bone with stars", "a birthday cake that is shaped like a heart", "a dog that is standing above some cakes", "a cat walking on top of a table", "party birthday birthday large a a cakes the the cake cake cake birthday a the to", "a cake made to look like a birthday birthday cat", "this is a birthday cake on the table for a special occasion", "a small black dog rubbing on the ground while looking down", "a dog's tail hangs on a cake at a table with a dog bone", "a dog looks to be drinking coffee outside in the sunshine", "the black dog rests his paw on a t - bone with a little pink ribbon", "a large chocolate cake shaped like a reclishing number", "the boy birthday cake has his nose in the frosting to the birthday cake", "a cat standing on a table in front of a plate", "a black dog standing on its head looking to be smelling something", "a large black dog toy with writing on it with a bone shaped dog bone next", "several people in the background, as they look at a cake, a tablecloth", "a person looking at small items on a table", "a dog sniffing over the cake at a birthday birthday", "a dog bone sign and bone sign sit on a pink table cloth", "a black dog on a black background standing and standing on a dog bone cake", "a black dog with its shadow on the table", "a black dog eating the grass in the field", "a dog is standing in front of presents", "a girl wearing a graduation cap sits at a table", "a dog standing at its memorial table in front of its mom", "black cat standing on present cake on top of table outdoors", "a dog eats a birthday white cake on top of a table", "a dog licking a cake with white frosting", "the person is sniffing the birthday cake on the table", "a large pink cake on a table covered in paper", "white bird eating cake on a pink cloth", "a dog in the window has a bone sign on it", "a birthday cake with a frosting sheet placed on top and cake cake", "a person getting ready to blow a birthday cake", "a cake sitting in front of a birthday card number", "a birthday cake that has a bunch of white balloons in it", "the cake is shaped to look like a cat's eyes", "a black cat sniffs on a table at a party", "a dog standing on his birthday cake on a table", "a kid birthday dessert is displayed on a pink table cloth", "a dog that looks like a woman sitting in front of a cake", "black cat looking over a birthday cake as black dog watches", "a close view of the top of a skull with a cross on it", "black dog looking at birthday cake on pink blanket", "a black dog standing on top of a cake", "a girl stands in front of a dog with a cake", "the dog is smelling the top of the cake", "a photo of a birthday cake inside a window", "a big bone bone cake with a person holding it", "a dog that is sitting on a table", "a black dog standing next to a birthday cake", "a black dog with its paw on a dog tag on top of a cake", "a dog skeleton on a table birthday cake for a dog who is getting his bones", "black cat by a cake with candles on it", "a black dog is playing with a cake", "a birthday cake on a table under flowers", "a pink tablecloth has flowers on it with red and white table cloth around it", "a dog with his head in a cake", "a dog wearing a birthday hat on it's head", "a black dog standing in front of a cake", "a dog that is licking a cake with it's face", "a birthday cake decorated with a dog's name", "someone standing on a table with a cake to share", "a dog that is sniffing a cake", "the cat looks around the table holding a napkin on its paws", "a cake shaped like a big sandwich is being eating", "cake on table with pink tablecloth and sign that says baby shower", "a cat is looking for the cake with the candles", "a dog standing on top of a cake on top of a table", "a little girl's pink and blue present for a cat birthday", "a small dog standing in front of a cake", "a black dog is looking at cakes and cake", "a person taking a photo of a dessert, with an iphone", "the dog is on a table and sniffing some cake", "a dog on a table with a birthday cake", "a cake that is in the shape of a turtle on a polka dot table cloth", "a brown table with a brown table cloth and place settings", "a dog is standing on a table by the window", "a large cake sits on a table with a black cat in the background", "a black dog eats cake with its head on it", "a black dog eating a birthday cake on top of a table", "a person is picking up a cake on an ice cream cake", "a large dog stands on one leg next to a man standing", "a cake sitting on top of a table with a white frosting", "a birthday cake and black dog standing on a cutting board", "a black dog standing on top of a plaque on white table", "black cat is eating a party cake with pink wrapping", "a dog is standing on a cake on a table", "a baby themed tablecloth with a pink table cloth covering", "a decorated cake sits on top of a party table", "a black dog is licking a birthday cake", "a table with a pink table cloth and pink curtains and the table runner"], ["a young man is setting in a room by some pictures", "a man wearing a mask looking at a photo of a man in green shirt and", "a display of a man's tennis outfit next to a surfboard", "an orange shirt, an orange polo shirt, a black surfboard, and some", "a green polo shirt with men's polo shirts on display", "a surfboard and a green shirt with the lac lacco polo shirt on the", "the surfboard is standing near a man and woman sitting on the towel", "a surfboard is displayed in a museum with mannequins standing around it", "a male golf player looking at pictures on a mannequin", "a man in a bright green shirt standing by a window", "red male and mann mann museum shirt red polo polo polo display polo male red polo", "a picture is displayed on an display on a surf board", "there are multiple mannequins and shirts on display", "a display of a man wearing a polo shirt stands behind a pair of men '", "the man's style polo dress and green shirt suit has an old photo of", "men photo surf surfer one with a a surf surf shirt surfing surfing orange surf surf", "a photo of an open area for advertisement", "men wearing red shirts with a man with red shirt and red shirt posing with photos", "a man in an untrapiched red shirt holding a tennis racket on", "a man posing for a photo in front of a big photo and black and white", "a male mannequin wearing an orange polo shirt a orange shirt a man with", "a surf board is sitting out behind a window on display", "several men in polos and shirt on display", "two mannequins and a mannequin show different color fashions", "a man looking towards the future is being on display", "polo shirt on a man in green polo shirt polo shirt", "red polo shirts sitting inside of a store window", "an old photo of a man standing next to other mannequins", "a painting hanging on the wall of a room", "a surfboard lying next to an orange dress", "a surfboard and a clothes ad are seen", "a mens tennis clothing line a mannequin with three other men's", "a pair of people are standing next to a surfboard by a person", "a man is wearing an orange polo - shirt and a surfboard", "top man a men surf with a surf a as a photo surf surf surf surfing", "mannequin in museum displaying clothes and a surf board", "a surfboard and a man in polo shirts in a room", "polo green shirt photographs photo display man mann an a tennis polo the polo polo photo", "two polo shirts are displayed on mannes on a shelf", "a display with people wearing old photographs displayed", "a man on his surf board with a photo collage on him against a blue", "mannequin on display with pictures on mannequin", "a male model in a red suit posing for a photograph", "a mannequin standing with a long board on a table", "an adult with a red shirt and a head hat is looking towards the camera", "a picture of a person at the beach with a surfboard", "surf board in an art display a man and a woman", "a female mannequin is standing in front of the surfboard", "a tennis shirt on mannequin stand on display", "a dress shirt, polo shirts and two mannequins", "a black and white surfboard and a red shirt", "the picture is of a man on a surf board and a woman wearing a dress", "a photo is in this picture of a man in a red polo - shirt and", "a couple of male mannequins with two male mannequins in", "a surfboard sitting in a red dress in a room", "a long surfboard is on display as a painting is posed on it", "a surfboard in a mannequin display case", "a man is preparing to go and ride his surfboard", "a display of a polo polo team polo collar shirt", "three mannequins are displayed in fashion shop windows", "a female mannequin with a red short - sleeve dress", "photo of a man next to a man in a red dress", "a number of mannequins as well as clothing", "an open closet has several pieces of mens clothing on display", "the surfer is looking at a man in an orange shirt that is wearing polo shirts", "a display case is showing a shirt made to look like a surfboard", "two men in green, green and red are standing near one another in a green", "a man's orange shirt is being worn in front of a surfboard", "an athletic style golf attire outfit worn by a male with a picture on his left", "a person in a hat standing next to a surfboard on a display manne", "a man wearing shades and shorts and a green polo - shirt", "photo polo photo picture custom photo polo male picture golfer shirt display photo photo a photograph", "a dress made with an orange and green top is worn", "a man in a green shirt and two young men dressed in green polo shirts", "a group of men looking at pictures of themselves", "a number of outfits on mannequins on display", "this couple is wearing polo shirts and an orange dress, posing by a large surf", "an old style surfboard is displayed with a polo shirt", "a mannequin in a green polo shirt and white mannequin in a", "an old picture of a man and a life boy sitting next to a surfboard", "two mannequins stand in front of a wall, each dressed in a", "a sign of picture with black and white photograph of golfer", "two mannequins dressed in bright clothes with a black and white photo of", "a picture of a man on a red polo shirt holding a surfboard", "a white mannequin dressed man's torso with a red dress", "a mannic display depicting red polo shirts on mannequin heads and surfboard", "a surfboard and surf t - shirts on display", "a photo of three mannequin clothes on display", "a man is standing in front of a surfboard and a blue wall", "a male mannequin in front of a photo of a polo player, dressed", "a mannequin in a red shirt, green shirt and white hat", "the man wearing a green shirt is standing next to a surfboard", "manns wearing colorful clothing show their fashions and surfing boards", "a surfboard that is on display near other objects", "photo of person skateboarder, in front of photo from dress", "a mannequin is wearing a green shirt and a surfboard", "a polo as a surf picture picture photo photo and surfer - polo golf man photo", "a boy with a red shirt standing with a surf board", "mannequins wearing masks are wearing colorful clothing", "man in green polo shirt on a hanger with an surfboard"]]}, {"question_id": 4209065, "question": "Is it true that all cats are above a sofa?", "answer": "no", "captions": [["a living room with a flat tv and two chairs and table", "a white desk with screen set screen on flat tv", "an open meeting area with comfortable furniture and a flat screen television", "living room with an entertainment stand and seating seating", "a white room scene with white chairs, table, chairs near white refrigerator and chairs", "people sitting in a room looking off to the side", "there is a television on a small wall", "a photo of a living room and the tv on", "a waiting room in an office with large windows", "large large television standing in a large business setting", "i office, with a long wooden table and computers", "a simple office with a light bulb and a plain white wall", "a view of a reception and sitting area of a home", "a meeting room that has a couch in a living room", "a woman on a couch near a laptop", "a photo of a white office area by video screen", "television screen mounted in a large office with white couches", "a room with white couches and grey chairs", "a couch has a rug and a mirror", "a white couch in a room near a table and several chairs", "a white couch sitting under a flat screen tv", "a photo of a clean office with chairs and couches", "a modern dining room with couches, chairs, and tables", "a room containing a seating area, couch, couch and a computer desk", "a couple of white couches and a television screen", "a large living room with a big screen tv tv", "an office inside a building in the city, with open floor", "this is a living room - like office setting all white", "modern medical or office space with tv", "some white furniture a couch two couches and sofa chairs", "this is the living room with a table in the middle and chairs in the corner", "a flat screen tv in a white room", "there is a living room that has white chairs as a center", "a desk with a computer monitor screen sits next to a white couch and a television", "a view of a modern looking modern office area", "a room with two couches sitting against a large screen tv", "small flat screen television mounted above room wall", "a living room area with leather furniture and white furniture and a flat screen television", "there is a white living room with white furniture", "white chair sofa in living room with white couch in room with light spots on the", "a chair and couch in a room with chairs and a sofa", "a living room with a television and large screen tv", "a white couch and a white chair in a living room", "empty office space for a conference on a large flat tv flat screen", "an interesting entertainment room with a couch and chair", "a dining table and couch and screen mounted on a wall", "a large living room with furniture and a large white couch", "a living room with white furniture and large monitors", "a living room with couch furniture and a full screen tv", "a photo of the view of tv is seen in the distance", "a small room with two couches and a desk", "an empty office setting with two couches and a chair", "a room with a couch and chairs in it", "a large room with two couches and a television", "a living room filled with sitting furniture and a white couch", "there is a large computer in the middle of an office", "two desks and a couch in a very business area", "a living room that has a round table on a table", "a white couch and futon and a television in a living area", "a small child using the television in an apartment", "a dining room table is in the room", "a small kid is sitting on a floor near a couch", "a table and couch in a den with light colored walls", "a large living room with a white couch", "a man sitting in front of a flat screen tv", "a group of room and office room with a flat screen tv", "picture of a couple of white couches in an office building", "workplace office lounge chair office couch office office office office office corporate office office room office", "a desk is seen in an office setting", "a business area with couch, desks and work gear on", "the tv is monitored on wall in room", "large screen television mounted right above a couch in an office area", "a room is white, but it is clean living room", "a small, small room is white and is lit by a flat screen tv", "a small living room with open furniture and a computer", "a large open living room with a flat screen tv", "a empty waiting room, sitting on wheels with a monitor", "a modern office space has a couch and white furniture", "a room containing a couch and table next to the sofa", "a room with furniture, white couches and computers", "a professional office with a desk, couch and laptop", "very office waiting chairs and chair in a white living and living room", "a desk area with a white couch and a flat screen tv", "a living room with a tv and television", "a white sofa sitting in a room next to a tv mounted", "a small living room area with white walls and sofa", "modern room set in office office apartment", "large led lcd tvs sit close together on the ceiling", "an office with couch furniture office chairs and tv", "some furniture couches couch coffee table a couch chair and a sofa", "an office with a carpet, chair, couch and coffee table", "a small, modern, empty office cubicle", "a room that has chairs and a couch,", "a person is working at a desk in an office", "a room with a couch a table television and chairs", "a living room with some white furniture and a white couch", "a small table with a lamp in the corner of a living room", "a couch is positioned in an open office", "a home office area with couches and couches is viewed closeup", "a business office with two men and a desk working"], ["a man in bed with two cats asleep on his back", "a tabby cat sitting on top of a cat next to a man under his", "a man is sleeping with his cat and two cats in the background", "a man lying down in bed with a cat next to him", "a cat looks around a man sleeping in bed with a grey cat on his chest", "two cats in a man asleep in a room", "cat sleeping sleep couple sleeping a s kitty sleeping cat cats in cats cats cat cat", "in sleep fe kitten cats cats sitting cats cats this cat cats cat hairy cats cat", "a cat sleeps and two cats look on", "two cats and a cat laying on top of a pillow", "two cats laying on white pillows one laying down next to cat and another sleeping", "a man lying in bed with a cat is on his back", "two cats, a cat and a sad grey and white one are sitting next to", "a man sleeps with his face down while a cat looks on", "a man and his cat sleeping side by side", "kittens playing together on top of a pillow", "a male in bed with kitty on his face and he holds the kitty over his", "two gray and white cats sitting next to one another", "a pair of cats sleep with a man laying in bed", "a man is sleeping with two cats on the cover", "a man is sleeping in bed with two cats and a cat", "a guy on the bed with a cat sitting on the other side of the bed", "a cat with its head on a man's chest", "a man sleeping on a bed while a cat looks on with his forehead beneath two", "two cats laying on the bed one is sleeping next to one cat, and the", "a couple of cats that are laying down", "cats cats cats cats cat cats cat cat cat cat is cats cats kitten cats cats", "a man laying in bed with two cats behind him", "a man laying in a bed next to three cats", "a man lying in bed covered with a pillow", "there is a man snuggling with cats on his pillow", "two cats are sitting on the bed next to a cat", "two cats sit at the window sill while a man sleeps on a bed", "a cat lying underneath a blanket with another cat standing on a bed", "a man and cats are resting in bed", "cats cat cat sleeping sleeping cat pet cat cat cat sleeping cat cat cat cat cats", "a cat that is laying in a bed with two cats", "a couple of cats sitting on a cat bed under a blanket and a person laying", "man with two cats laying on bed sleeping", "a person is asleep with the cat's face between them", "a man with two cats asleep on his back", "a cat is walking around a man sleeping with two cats", "the cat is looking tired while he is sleeping", "man laying down with 3 cats on him and two cats under blankets", "cat and man laying on head", "a man sleeping with two cats on the other side of him", "a cat is rubbing the head of another cat in a bed", "a man lying next to a gray cat kissing one cat on the other cat", "a man laying in bed surrounded by two cats perched on top of him", "a man sleeping under a blanket in his bed with two cats in the background", "two cats pose for a picture as a man lays in bed with two cats", "two cats are resting in a purple purple room, and three cats sit next to", "a man in bed laying under a sheet with two cats and a cat sleeping under", "there is a man asleep with two cats and a cat", "the two cats are sitting on the bed together", "two cats and a person are playing on a bed", "three cats and a man sleeping next to each other on a bed", "a man sleeping next to a cat to a cat on his shoulder", "a cat and there is a man sleeping next to two cats", "a man lays down with a cat sleeping on his face", "a close up of two cats sleeping in a bed", "cat man sleep cat grey cats cat a in sleeping three man, a adult cat", "the two cats are sleeping with a man and a cat", "two cats sitting behind a man napping on top of three cats", "animals and a cat sleeping, man lying down sleeping", "the cat is watching the man sleep behind him", "a man and two cats sleep in a bed", "a man sleeping with his cat on his head", "man sleeps with his head under his head as two cats stand at him", "a cat sitting behind a man and cats around them", "the cat is sitting behind the man napping next to two cats", "cat licking cat snuggling under blanket, surrounded by two grey and white", "a couple of animals and men sleeping with cats on a bed", "a couple of cats and a cat under cover", "a pair of cats and a man sleeping in bed", "a cat gets cuddled with a woman on their head", "there is a gray and the cat is sleeping behind him", "the cats and the man are sleeping", "a couple of cats laying on a bed with two cats", "a cat has its eyes on a large cat sleeping", "a cat plays next to a fat cat on the top of a bed", "the cat gray cats kitty kitten sleepy cat, sleeping cats kitty sleeping cats sleeping kitty", "two cats playing with a cat while a man stands by", "a man that is laying down with cat", "an image of a man sleeping with a cat and two cats", "a cat and a man are cuddling with two grey cats, nose to nose", "a cat that is sitting on a bed next to a sleeping man", "a man is sleeping under blankets with two cats on either side of him", "a man laying on top of a bed beside a cat", "two cats sitting on the ground looking at a three cats", "two cats rubbing heads on a man and the other cat are biting on the hand", "a cats head and nose sleeping on an adult", "a man is sleeping on a bed with two cats watching him", "a cat rubbing its head in a pile of cats as they sit on a blanket", "two cats playing on a man's back and lying on a pillow", "man laying on a pillow in a room with gray walls", "a cat watches two other cats sleeping on a bed", "there is a man snuggled in bed under a white blanket with cats", "a man sleeps in a bed with 2 cats sleeping both way", "a cat sitting at the head of a white sleeping man"], ["a black cat that is atop on some books", "a cat sitting on top of a book rack on a shelf", "a picture of black writing on some sort of book, and read the book,", "the cat is laying on top of a bookshelf", "a pile of books that say revolution and a pile of read books in a joke", "a black cat laying on top of a stack of books with a caption saying", "i book book black in cat me kitty kitty book book books i - a,", "a black cat sitting on top of a shelf on books", "a cat sitting on top of a book shelf with an planning", "a cat that is laying down in a book", "a black cat is sitting on a bookshelf holding the caption", "a cat laying down on a mantle next to some books", "a black cat with the words planning, thinking and reaching a book on shelf", "a black cat sitting on top of a book shelf", "a very cute black cat laying down with text on it", "image of a cat on a book shelf that says um u u u u up", "this is a picture of a cat sitting on a bookstagramble", "a cat laying on top of a shelf in a book shelves with caption text", "a cat sits on a rack holding a planner and books while planning a revolution", "a cat on a shelf in the middle of the caption", "a picture of a poster on a bath tub", "book book books library books books books me, i cat black shelf books books books", "a book shelf filled with books next to a caption", "a black cat lying on top of a revolt sign", "a cat sitting on top of a book shelf with planning plannering plans", "the cat is sitting atop a bookshell", "a black cat that is sitting on top of a shelf", "a black cat is sitting on top of a bookshelf", "black cat perched on top of a bookshelf full of planning, planning plan", "a black cat with text that says planning the books planning a revolution", "a book reads and a picture of a book on top of a book wall with", "a black cat sitting on top of a book shelf up up, in between u", "a black cat that is sitting on a white surface", "a cat sitting on top of a collection of books and holding a plan revolution sign", "cat lying on the back of a bookshelf with a caption, in", "a black cat laying on top of a book shelf that reads planning books and planning", "black me me me me batman pictures picture black black picture, capt funny picture", "planning planning planning planning planning planning planning planning planning planning planning planning planning planning planning planning", "a cat laying on books that reads books some books", "black cat laying on a book shelf filled with books", "um u fur u u me u universe urban u u u i u u u", "bookshelf with shelf full o the books i must read", "the cat is laying on a wall in a good situation", "a black cat sits on top of many books in a bookcase", "a caption with a picture of a black book stacked on a shelf and capt", "a black cat sitting on a book shelf next to two large bookshelves", "a black cat sitting on top of a shelf that says when you can't", "plan planning planning planning planning planning planning planning planning planning planning planning planning planning planning planning", "books there a library books books funny library shelves a books books book black black books", "a black cat sitting on a book shelf next to a plan planning plan map", "a black cat sitting on a shelving that has been revealed", "a black cat is sitting on top of books and the words i am a cat", "bookshelve revolution - mememe with words on a book shelf", "a cat sitting on a table is in the middle of a caption", "a black cat lays on top of a bookshelver", "a black cat is sitting on a revalution", "a couple of shelves filled with books sitting on top of each other", "a cat that is sitting on top of a shelf", "a black cat laying on top of a bookshelf as its caption reads", "a black cat that is sitting on a book case", "a black cat sitting on a book shelf with a bookcase behind it", "books in a in revolutionary revolution in the in -", "a cat laying down in the words about revolution, it says a cat is lying", "books picture cats picture books the black books book books black cats me cat all black", "a black cat with a caption next to the slogan", "books black, library books me has book book cat, books if black cats book", "a shelf that is full of book books", "a black cat laying on a shelf on a wall", "a black cat with captial caption with caption caption in it as", "a black cat leaning over some books with a caption on it", "books books revolution books revolution books books books books revolution books books revolution books revolution books", "plan planning planning planning planning planning plant book planning planning plan planning planning planning planning planning", "me library the is books books books the book on a books library and books books", "a black cat on top of a book pile with a quote", "a black cat sitting on a book shelf next to planning movies and several other books", "a black cat reads book in the middle of a bookcase", "a black cat sitting on top of a set of books", "black cat lying on a table next to a shelf with names below", "the black cat hides itself behind the books", "there is a black cat sleeping on top of a shelf", "a black cat sitting on top of a bunch of books", "a black cat that is looking for resolution", "a cat is in a shelf on books that reads plan solution", "a black cat that has books and is saying planning books planning planning 2020", "black cat sitting on top of a pile of books", "a cat is sitting on some books on a rack", "a black cat sitting on a black book, planning planning planning planning planning planning planning", "a black cat that is on a book shelf", "a black cat on a shelf with a caption above it", "a black cat is sitting on a bookcase with the phrase planning revolution", "un books black black shelf on book black black black me a black books black books", "a cat on a shelf with a caption that says i'm planning plan", "a black cat sitting up with the caption on top of a pile of revolution", "a cat that is laying on top of a sign", "a cat sitting on top of a bookshelf that says planning planning planning planning", "a cat sitting on top of a shelf reading a book caption", "jr er ur hr ur jr jr ur ur ur hr ar ur fur or npr", "a black cat sitting on a book shelf with a caption saying reads evolution the", "a black cat is on top of a books shelf with planning planning, planning and", "a cat is sitting on top of a bookshelf with a caption"], ["a cat lays on a couch next to a remote control object", "a cat laying next to a remote control", "tan orange orange cat a orange cat orange orange domestic orange orange orange cats orange cat", "a cat resting on a couch with a sofa couch in the background", "a cat with green eyes sitting on a couch", "an orange cat sits in front of a television remote control", "a cat is sitting on a couch looking at the camera", "person orange cat sitting around the remote next to a cat", "kitty sitting orange tab laying the kitty orange orange cat lazy orange cat lou orange cat", "the bright orange orange cat is sitting on a couch", "a cat that is sitting on a couch looking away", "cat, on cat cat cat cat cats cat cat i cat couch cats tab kitty", "a cat sitting on the couch with a remote", "a cat sitting with its paw on a couch", "an orange cat sitting down looking at a remote control", "an orange cat lays next to a remote control", "a cat laying on a couch with a remote on its back", "an orange cat sitting on a couch with a black remote control next to it", "an orange tabby cat with a couch and a gray couch", "a cat is lying down near a remote control", "a cat sitting next to a remote control", "orange orange laying laying orange orange orange orange orange orange cat a orange orange cat big", "a cat laying on a couch next to a remote control", "an orange and white striped cat sitting on a couch next to a remote control control", "an orange and white tiger laying on a couch next to a colorful stripper tape", "a orange cat sitting on a couch near a remote control", "an orange and white cat sits on the couch next to a remote control", "an orange cat laying on a pillows couch", "a cat that is sitting on a sofa", "a cat sitting on a couch next to a remote", "an orange cat lying next to a remote controller", "a cat is sitting on a couch on the couch", "an orange and white cat laying next to a remote", "a large fat cat sitting on a couch looking at the camera", "a cat laying on top of a couch next to a remote", "a large cat on a couch in a living room", "a cat is looking at the camera with green eyes", "a orange cat laying on a couch near a remote control", "an orange cat laying on a grey couch with its its paws hanging out", "an orange cat is sitting on a couch", "a cat is lying on a couch sofa", "orange cat cat cats orange on cat cat, cat or orange orange on with cat", "a cat lying on the arm of a sofa next to a remote control", "a large yellow and white cat sitting on a sofa with a remote control by it", "an orange cat sitting next to a remote", "cat cat cat kitty it orange orange cat an tab a orange kitten on kitten a", "an orange tabby cat laying next to a remote", "a cat laying on top of a couch with a sofa in back", "a cat sitting on a couch bed next to a gray seat", "a cat next to a remote control on the couch", "the orange tab remote cat a the remote cat cat has orange cat remote tan cat", "an orange cat laying on the sofa next to a remote", "photo orange laying cat orange with the watching the laying lies cat sits cat cat cat", "an orange cat sitting on a couch with remote control", "a large fat brown cat lying on a couch", "a cat lying on top of a tv remote control", "cat lying on sofa with colorful eyes on couch", "a brown and white cat sits next to the remote control", "a cat with green eyes sitting on a chair", "an orange cat sitting on a couch with a remote control near it", "a cat is laying beside a remote control", "a cat laying on a couch with a remote control in the foreground", "a cat lying on back of sofa next to a television remote", "a cat rests on its back while sitting", "an orange cat with eyes colored, with a green green eyes", "an orange fat cat with green eyes looks ready to be taking a break", "a orange cat laying on the couch next to the television remote", "a cat laying on a couch and a remote", "an orange cat laying on a couch with green eyes", "the cat is lying next to a remote control", "a cat sitting on a couch in front of the camera", "a cat sitting beside a remote control", "a cat sits on the arm of a couch next to a control mouse", "a cat with a green eye lying on a grey sofa", "a cat is laying on a couch next to a remote control", "a orange and white cat laying in a couch next to a remote", "an orange tabby cat laying on a large chair", "a ginger cat laying down with a remote control", "a large orange cat resting on a couch", "cat and remote control on sofa looking at camera", "a long sleeved cat lies on the couch next to a remote control", "a cat sitting on a couch next to a remote control", "this cat is sitting on a couch posing for the camera", "a red tabby cat sitting beside a tv remote control", "a fat cat sits with a remote control to the side", "there is not something here that looks sad about them", "a cat laying down next to a remote controlling another cat", "a cat sitting on a couch, next to a remote", "a cat sits on a couch with a remote", "a cat sitting on a sofa next to some control buttons", "a tabbie cat on a couch next to a remote", "a cat laying near a remote control", "kitten a a adult the cat the orange orange orange the the orange orange cat cat", "a kitten cat laying down on a sofa", "this is a cat sitting on a gray sofa", "a cat laying on a couch with the remote control behind it", "an orange cat beside a remote control next to a couch", "a red cat with green eyes sitting on a couch next to a remote control", "an orange and white cat sitting next to a black remote", "a cat laying on a couch looking at the camera"], ["a pizza sits on a table at a restaurant", "a large pizza with pepperoni and ham on it", "a pizza with pepperoni and sauce and a fork and knife", "a table with a plate of pizza and a bottle of water", "a pizza sits next two plates on a white dinner table", "two large pieces of pizza sitting on top of a white table", "pizza with half eaten plate next to two plates", "a tomato pizza sitting on top of a table", "two slices of pizza on an empty plate", "a pizza rests on a table near a white sauce", "this table has three empty plates and two empty plates with something interesting in it", "plate of two people are eating a table of cheese pizza sauce and tomato sauce", "a half eaten pizza and some salad on a table", "two pizzas with one pizza on the table", "the large whole of there pizza is cooked on this table", "the pizza is split and is ready to be eaten", "a couple of large pizza's on a table", "a large pizza is on a table on a table", "these pizzas are one of the most common of the people eating at a restaurant", "pizza on plate laying on large table at home", "a closeup of two pizzas one is half gone", "two empty half eaten pizza at a restaurant table", "two glasses filled with food on a table", "different plates of pizza and glasses of wine, on a kitchen table", "two pizzas sitting on top of plates on a table", "two pizzas with a piece missing from sitting on a white plate", "two pizzas on plates with sauce are sitting on the table", "a messy green plate of food with the one slice missing", "someone is eating pizza with a missing slice", "a pizza with pizza and a plate of salad", "a pizza with basil is sits on the dinner table", "two plates of pizza and wine on table", "pizza pizza half plate a pizza pizza the pizza pizza pizza thin half a served pizza", "some dishes full of food a wine glass glasses and bottles of water", "a plate full of food and two plates of pizza", "a white plate that has two pizzas on it", "a freshly baked pizza sitting on a pizza pan", "a half eaten pizza on a platter", "the half pizza is missing from the table of a diner", "two large pizzas on a table and a single wine glass on a table next", "a pepperoni pizza sitting on a table next to a plate", "a picture of a table with plates with food on it", "a table topped with half a half pizza", "pizza pizza pizza pizza pizza pizza pizza pan and pizza pizza with pizza pizza pizza pizza", "the pizza has it's half missing from the pizza pan", "a couple of plates that are on a table", "a close of two small personal pizzas on a table", "a table with pizzas and water bottles next to water bottles", "two pizzas are being eaten ready to be eaten", "some pizza are sitting two full plates at a table", "a close up of a pizza with a lot of sauce on it", "two large pizza slices sit on the table ready to be eaten", "a large pizza on both table, and another pizza with a smaller portion on another", "a personal pizza on a restaurant table with one slice missing", "cheese pizza sitting on a white and red plate with a slice of it", "a small pizza with sauce and pepperoni on it are ready to eat", "three people from a dozen different countries are eating a meal", "a pizza on a table with pepperoni sauce", "two white plates of different types of pizza with cheese and pepperoni on them", "two pizzas that are sitting on plates and a wine glass", "a whole pizza on plates placed on a table", "two slices of pizza next to each other on plates", "a pizza, grapes and a glass of wine", "a large piece of pizza that is left out on a table", "two white plates of pizza sit beside each other with empty water bottles and empty plastic", "a close up of two plates of food on a table", "the small two personal sized pizzas are all cooked up", "a table with several empty glass cups of water and a dirty plate", "a pizza sitting on top of a tray next to a plate of vegetables", "one pizza next to another on a table with a plate to the side with salad", "a white table topped with a couple of pizzas next to two glasses", "a cut pizza with one piece missing", "half an half eaten italian style pizza on a meal table", "two pizzas with wine glasses filled with orange liquid", "pizza is half eaten on a dish with one half gone", "a bunch of small pizzas are on the table", "some pizzas that are cut in slices and have just one cheese pizza", "there is a table in the room with three meal plates, the plate is empty", "pizzas on a restaurant table with drinks and wine", "a pizza on a table ready to be eaten", "two pizzas sit on a table side by one large plate", "two plates of pizza on a table and one plate of pizza on a plate on", "a meal that is served on a very nice table", "personal pizza for two is on table with food products", "two two large pizza's on a table, with meat sauce on it", "a white plate of pizza with partially eaten", "many people with different food served on plates", "two full plates of cooked pizza at dinner table", "two personal pizzas on plates with pizza in background", "a dinner of pizzas are sitting on a table", "a pizza still on a pizza pan next to a plastic bottle", "a personal pizza and a smaller pizza on a plate", "two pizza sections in front of each other are still", "a pizza sits on a table with a salad", "pizza cheese pizza pizza a pizza the pizza plates pizza three pizza pizza pizza pizza a", "pizza left on dinner plates is half eaten", "a half eaten sliced piece of pizza with red sauce", "a partially eaten pizza pie is half full", "two plates of pizza and a salad and a drink", "a half eaten pizza on a paper plate"]]}, {"question_id": 7442282, "question": "How many hitting players are wearing a orange shoe?", "answer": "1", "captions": [["a man swinging a baseball bat while wearing red socks", "a baseball player with the bat ready to hit the ball", "a man playing baseball walking across a step", "a player holding a bat and holding a base ball", "player holding a bat in batting stance and wearing white", "a clay figurine of a baseball player is in front outside", "signed in baseball mike, baseball action baseball fig'baseball baseball number playing, baseball", "a professional baseball player holding a batting bat", "a figure of a baseball player with a bat by some bottles", "a batter in the batters uniform with his back to home base", "baseball player with bat swinging on concrete monument that has a bat on it", "a baseball game is one person with one glove", "a person is swinging a baseball ball and hit", "a baseball player with a bat and a bat on the field", "a baseball player holding a baseball and a baseball bat", "a base ball player statue next to a baseball bat", "a baseball player holding a bat while getting hit", "a baseball player with a bat, waiting to hit", "a baseball statue of a statue of a close up picture", "a waxed figure of a baseball player is posed", "a man that is standing with a bat in a baseball uniform", "the statue of a baseball player in a sports figure", "a picture of a statue of a baseball pitcher swinging bat and behind a fence", "a figurine of a baseball figurine holding a ball that is up", "baseball baseball doll baseball'59 statue of the baseball collection displayed", "a man swinging a baseball bat to hit the ball", "a baseball batter taking baseball bat with the baseball bat", "a man in beige uniform playing baseball on a batting field", "a man baseball jersey 9 jersey red number number 33", "a baseball player swinging with bat holding the baseball bat", "a baseball player is leaning over with a bat", "a photograph of a baseball player in baseball uniforms", "a baseball player with a red jersey number", "a baseball figuring of batter about to hit the ball with the catcher and", "a baseball player in a uniform wearing a helmet and a glove", "baseball red baseball red bob baseball swinging baseball barry baseball baseball baseball baseball baseball baseball baseball", "the old baseball uniform baseball red sox ballplays batting", "a toy ball player is swinging a bat", "a real baseball player with a bat", "a baseball player statue with a bat out", "a baseball player playing with a bat and a baseball bat in his hand", "a baseball player swing at a ball", "an action shot through a chain link fence looking out at a player in batting with", "a baseball player, with baseball bat, is holding a bat, and ready to", "a baseball player holding a bat getting ready for a swing", "a small baseball player is swinging his bat", "male batter batter player hitter baseball man batter ball batting posing batting batter number baseball batter", "baseball player holding a bat in a baseball uniform", "a man wearing a white baseball uniform and red socks with red socks holding a baseball", "a man holding a baseball bat next to a baseball bat", "a baseball player batter swings the bat hitting the baseman", "the statue of the baseball player is wearing a cap, gloves and cap", "a baseball player is holding a bat in white uniform", "man in baseball uniform swinging a baseball bat", "a baseball player swinging at a bat", "baseball figurine of a baseball batter is holding a baseball bat", "a man taking a swing with a baseball batting, bat, and a baseball bat", "a player holding baseball bat ready to swing", "a baseball swinging a bat with the ball toward him", "a baseball player wearing a baseball uniform swinging a baseball", "the baseball playing figurine is carrying a baseball bat", "the baseball player is swinging his baseball bats", "a baseball player on a base holding a baseball bat and baseball glove with a bat", "a man is playing miniature baseball and preparing to hit the ball", "a baseball player in a uniform holding a baseball bat", "a baseball statue of a man with baseball bat in his hands", "a baseball player is swinging at a ball", "a baseball swings a yellow bat for a swinging ball", "a baseball player swinging the bats, at bat", "a figure of a baseball player holding a bat, holding a baseball and holding a", "a baseball collecturi is hitting a ball with a bat", "a baseball player standing in the uniform holding a baseball bat", "a red sox baseball player is taking a swing and taking a swing", "baseball the hiter hitting the ball with a baseball bat", "a man swinging at batter with bat and glove", "a baseball statue figurine of a baseball player wearing sunglasses", "a baseball player swinging a bat", "a boy playing a game of baseball in front of a fence", "a replica of a baseball player at bat", "a man plays a baseball with the number 9", "a close - up of a baseball figure of a baseball player", "the baseball player swinging at his bat that is holding a ball and a bat", "baseball player figurine of baseball player swinging swinging bat", "a baseball player holding a baseball bat next to a model baseball", "a baseball player swinging a baseball bat", "a baseball player with a bat swinging at batting", "a statue of the batting player, with glasses and a bat", "baseball player playing action, swings, holding bats and baseball bat", "a base view of a baseball player figurine", "a close up of a person holding a bat", "home plate baseball player swinging hitting the ball", "the base ball team won't play baseball and that is what happens when they", "baseball outfielder throwing the ball during swinging a baseball", "miniature baseball statue of a baseball player holding a bat", "a baseball player with a bat and glove", "a baseball player holds the baseball board before his swing", "baseball player swings at the ball on baseball field", "a replica statue of batting player, with bat in the hand", "a baseball player with a bat and a glove", "a figurine of a baseball player swinging his hit"], ["young girl playing tennis in white outfit", "a woman in a white dress swinging a tennis racket", "a woman is swinging with a tennis racket on a tennis court", "a woman tennis player poses at the tennis court", "a woman swinging a tennis racket at a tennis ball", "some girls playing tennis outdoors on a tennis court", "a woman in a white dress is playing tennis", "tennis playing tennis girls tennis tennis tennis tennis tennis back a tennis tennis tennis tennis a", "a tennis player wearing a white dress and tennis racket", "this woman is playing tennis on the tennis court", "a lady on a tennis court with a racquet", "a tennis player wearing white jumping high in the air", "a girl reaching to hit a tennis ball with an orange and white racket", "a girl on a tennis court holding a tennis racket", "a woman holding a tennis racket near a tennis ball", "a girl just hit a tennis ball with a racquet", "a woman is running while playing tennis against a clear sky", "a female tennis player hitting the ball", "the female tennis player is taking a swing at a tennis ball", "a young lady playing tennis swinging her racketti", "a woman wearing a pink dress playing tennis", "a tennis player holding a tennis racket in her hand", "a woman with a tennis ball on the tennis court", "a female tennis player prepares to backhand her ball", "a pretty young woman with ponytail, moving back to returning for the ball", "a woman on a tennis court swinging a racket", "a tennis player tennis tennis dress back tennis tennis playing white tennis tennis a a women", "the girl is playing tennis on the tennis court", "a girl wearing a white dress in the air near two balls of tennis ball", "a woman holding racket on a tennis court", "female tennis player in a dress and slip white shoes is just visible in front of", "a girl in tennis play swinging her racket", "a tennis player hits a ball on a tennis court", "a young woman stretches as she tries to strike the tennis ball", "a lady is holding a tennis racket on a court", "a young lady is swinging her tennis racket to hit a ball", "tennis tennis women's high court's dress tennis tennis skirt", "a woman is playing tennis with a racket", "a tennis player swing at the ball on the tennis court", "a woman holding a tennis racket about to receive an serve", "a woman in a dress and white tennis shoes", "a woman hitting a tennis ball on a tennis court", "a young woman running while a ball comes toward her", "a tennis game between two young women, one holding a racket, the other", "a girl plays tennis on a court in white dress", "a tennis player in white dress and a tennis kid standing behind her", "a woman with a racket on a tennis court", "a young woman in a white tennis dress holds a tennis racket", "a tennis player in a white dress is playing tennis", "a woman with a tennis racket prepares to swing", "a tennis player that is swinging a tennis racquet", "a girl who is on a tennis court", "a woman holding an orange tennis racket on a tennis court", "tennis lady tennis runner tennis tennis tennis tennis tennis tennis tennis tennis tennis players lady tennis", "a young woman hitting a tennis ball on a court", "woman tennis player in a white dress in mid - swing", "a tennis player on an outdoor court holding her tennis racket", "a girl running in a white dress, reaching for a tennis ball", "a woman holds her tennis racket for long attention", "a girl holding a tennis racket poses for a picture", "a tennis player swinging a tennis racket on a court", "tennis dressed tennis to tennis a in tennis tennis the tennis tennis court tennis tennis tennis", "the girl is playing tennis on the court of a tennis court", "a girl in mid swing with a tennis racket on a tennis court", "a tennis player is on the court playing tennis", "a woman in a short dress runs to catch a tennis ball", "a woman standing on a tennis court holding a tennis racket", "the tennis player runs forward to return the ball", "a woman swinging a tennis tennis racket at a ball", "a girl with a tennis racket getting a tennis back on a court", "a woman is standing on a court with a racket", "female tennis player jumping her tennis ball and ready to swing the club", "an image of a tennis player hitting a tennis ball", "a girl is on the court with her shot during the tennis tennis match", "an image of a woman playing tennis on the court", "a girl on a tennis court swinging a tennis racket holding a tennis ball", "tennis playing tennis lady tennis a woman tennis in tennis returning white tennis tennis tennis young", "woman swinging a tennis racket at a ball", "a woman plays a game of tennis on a tennis court", "a woman wearing a tennis outfit is using a tennis rackets", "a beautiful young lady throwing a tennis ball with a tennis racquet", "a woman on an outdoor tennis court playing tennis", "a young woman playing tennis swinging a racquet on a clear day", "a woman is playing tennis on a tennis court", "a man is about to hit a tennis tennis ball to someone holding a tennis rack", "a female player with a ponytail hits a tennis ball", "a woman swinging a tennis racket on a court", "a girl playing tennis with a racket in mid air", "a female tennis playing on the tennis court", "this is a woman holding a tennis racket", "a girl's tennis swinging a racket at a tennis ball", "a tennis player is hitting the ball with a tennis racket", "a girl with a racket in another hand walking on a court", "a beautiful young lady holding a tennis racquet on a tennis court", "a woman in white tennis dress playing at tennis", "a woman on the racket swinging to hit the ball", "a woman swinging a tennis racquet on a tennis court with kids playing around", "a woman standing on a tennis court holding a racket", "a tennis player plays a game of doubles", "a young girl running on a tennis court holding a tennis racket racket"], ["a man holds his tennis racket and poses for the camera", "a man with his hands on his hips is standing next to a tennis rac", "a man with hat and tennis racket on a tennis court", "a tennis player standing on a tennis court holding a racquet", "a man on a tennis court next to a set of tennis balls", "a man standing on top of a tennis court holding a tennis racquet", "a man posing with tennis rackets behind his waist", "a man holding a tennis racket standing on a tennis court", "a tennis player is relaxing on the court", "a tennis the man a tennis tennis tennis tennis tennis golfer on tennis tennis on tennis", "a guy standing on a tennis court holding a racket", "a tennis player on a tennis court playing in a tennis match", "a tennis player and his player standing on the court", "a man standing next to a tennis ball and racket", "a man on a tennis court with a tennis ball and racket", "a tennis player on a tennis court standing holding his rackets", "a woman on a tennis court holding a racket", "a man stands on a court with his his hands on his hip", "a man with his tennis racket, and ball on a tennis court", "a basketball player is standing with his hands on his hips", "a man standing with his arms ak his pockets", "happy man on a tennis playing court standing in front of the broken tennis ball", "a man standing on a tennis court while wearing red short shorts", "a man smiling for a picture on a tennis court", "a man with a red hat standing near a racket", "a man waiting to serve a tennis ball next to a tennis racket", "the tennis player is posing for a photo", "a guy in shorts is standing on a court with his tennis racket in", "the male tennis player is smiling while standing by his ball", "tennis coach on the court wearing a visor with a black cap on", "a man standing near a tennis court near a ball", "a man stand near a tennis ball on the court", "a young man in red shorts standing on a tennis court with his arms behind his", "an image of a tennis player standing on a court", "a tennis player is standing on a court with his tennis racket, tennis rack", "a man poses with his tennis racket and hat and racquet", "a man smiles while on the tennis court", "a man with a tennis racket on the tennis court", "a man holding a tennis racquet on a tennis court", "tennis - tennis tennis players man tennis guy tennis tennis tennis tennis tennis tennis tennis tennis", "a man standing on a tennis court with a racket", "a happy tennis player standing on a court", "a tennis player standing on a tennis court with tennis racket leaning against the ground", "man standing next to a ball on a court", "a man is smiling as he holds a tennis racket", "a man standing with a tennis racket and tennis racket", "a man is on a blue court next to the tennis racket", "a tennis player dressed in white standing with a tennis racket", "a man talking while holding a tennis racket and a smiling man with a smile", "a man stands posing on the tennis court", "a man stands on a tennis court preparing for the shot", "the tennis player celebrates his victory in the match", "a tennis player is standing on a tennis court with his tennis racket and tennis", "a man standing next to a tennis ball on a court", "a man with an orange racket on a court", "man tennis a tennis red tennis ra tennis his red court tennis red tennis red player", "a tennis ball and a tennis racket are on the court", "tennis tennis tennis tennis tennis tennis tennis tennis rack tennis tennis tennis standing tennis tennis tennis", "a man is standing in front of a tennis racket", "a tennis player in an umpire and red cap is standing on the blue tennis court", "a man holding a tennis racquet and a tennis racquet", "a man holding a tennis raquet on a tennis court", "a tennis player stands on a blue court with his hands on the hips", "a man in white tennis wear with both rackets looking at the ball that a", "a tennis player leans against the net to help get ready to return to the court", "a man that has a tennis racket in hand", "a man is playing a tennis game in front of a ball", "a tennis player poses with his hands on his hips while holding a pair of tennis", "the man is ready to practice tennis with other adults", "a man holding a tennis racket and tennis racquet", "a man on an orange court posing with a tennis racket and ball", "some people standing on a tennis court with a racket and a racket on", "a tennis player and tennis ball resting off of the tennis court", "a man dressed like a tennis player is smiling for the camera", "a tennis player getting ready to serve the ball", "a man in burgundy shorts and red shorts stands by the end of a tennis court", "a tennis man on a tennis court, with a tennis racket", "a smiling man in a red cap and a red short shorts standing beside the tennis", "a man in red poses on a tennis court", "a man on the tennis court is standing alone", "a man is swinging at a tennis bat on the court", "a man waits to hit a tennis ball on a tennis court", "a tennis player on the tennis court with a red hat", "a man with sunglasses holding a badminton racket", "a tennis racket left behind a male tennis player", "old man holding a tennis racket and a tennis ball", "a tennis man is standing on the tennis court with a racquet", "a man standing with a tennis racket and a racquet", "a man standing in front of a tennis ball and court", "a tennis ball, racquet and ball on a tennis court in close proximity", "tennis players a men's tennis tournament", "a tennis plays, with a rackery and tennis ball glove", "a tennis player on a blue court, holding a racket", "tennis player standing on court, next to tennis racquet", "a man playing tennis on a court with a tennis racket and ball", "a man standing on a tennis court next to a tennis ball", "a man is standing on a tennis court with a tennis racket", "a man standing on a tennis court holding a racquet", "a man is holding a tennis racket standing on a court", "a person wearing red shorts and red shorts stands by a tennis shoe"], ["a baseball player holding a bat during a baseball game", "a baseball player holding a bat while holding home base", "baseball is baseball at batting batter baseball baseball a mets baseball baseball a baseball a mets", "batter holding a baseball bat, swinging the bat", "baseball player stands in batting batting cage", "a baseball bat is in the middle hand with a ball in it", "a baseball player batting on a pitch on a field", "a man is holding a batters bat", "a baseball player at bat is on the field", "a baseball player swinging a baseball bat on a field", "some baseball players in white baseball uniforms", "a man is getting ready to swing the baseball bat", "a man standing holding a bat on top of a field", "a baseball player holds a bat in a baseball game", "a guy hitting a ball with a bat", "baseball player swinging a bat during game in open field", "a person that is standing up with a bat", "a baseball player about to swing the bat", "a male bats a bat and looking on", "batter hitting the ball with the bat", "a man hitting a ball with a baseball bat", "a baseball bat on a baseball field at a baseball game", "a baseball player and a small bat on the field", "the baseball player is holding his bat and waiting to hit", "a baseball player swings the bat at a pitch", "a man is swinging a bat during a baseball game", "baseball player with bat behind a catcher and three other players", "people dressed playing a baseball baseball game standing near one another", "a baseball team with one holding the ball", "a baseball player hitting the ball with a bat", "a baseball player holding a bat next to home plate", "a red sox bats, and a team of fans looking on", "a baseball player is swinging to bat with the ball coming towards him", "a baseball player standing at home plate holding a bat", "baseball in a field with a batter and the umpire at homeplate", "a baseball player swinging a bat on complete field", "a baseball player swinging at an incoming pitch with a bat on his shoulder", "a baseball player holding a baseball bat, and bats", "a baseball batter swinging the baseball with a at bat", "a batter swings the bat, just after hitting it", "a baseball player, with bat on the field", "baseball, bat bat catcher bat baseball bat baseball baseball the bat getting swing at baseball", "a baseball player at bat at a baseball game", "baseball bats stuck in the air near someone else", "a baseball player hitting a ball with a bat", "a small batting player prepares to swing his bat", "a batter prepares to lead the baseball team", "the baseball player waiting in the batters box to play", "the players take a turn on bat close to hitting", "a baseball player holding a bat while standing on the field", "baseball bats on men as one holds bat behind the ball", "batter holding holding bat while preparing to hit the pitch in baseball game", "the baseball playing is standing at home plate", "two baseball players in game playing baseball in a stadium", "an image of a baseball player getting ready to hit the ball", "a professional baseball player is preparing to bat at a game", "a baseball player swinging a bat at a ball", "a baseball player holding a bat standing next to home plate", "a man is standing at bat on the baseball field", "the batter had swung his bat just before he hit the ball", "a baseball player is swinging the bat back to the plate at the ball", "a baseball player stands up and holds a bat", "a batter swinging at a base during a baseball game", "a baseball player holding a bat over his head", "a close up of a glove on a baseball field", "there is a baseball player swinging his bat", "a baseball player about to up to his bat", "baseball player hitting a baseball and swinging a bat at a baseball game", "a baseball player in a red uniform holding a bat", "pitcher batting a bat baseball bat batter baseball baseball baseball batter baseball the baseball baseball batter", "a game by baseball player with the number 19 on red and the word team on", "a batter has just hit the baseball with his bat", "a baseball player up to bat in a baseball game", "a baseball batter and umpire standing near home plate with bats", "a baseball player standing next to home base", "a man with a baseball bat holding a bat", "a baseball player holding a bat on a field", "audience and players watch professional baseball game from the dugout", "a baseball player on home plate with a bat", "the red sox player swings his bat at a ball", "a baseball player swinging his bat on top of a field", "a baseball player getting ready to bat during a game", "a baseball player swinging a bat over home plate", "a young man holding a bat over home plate", "a batter at a baseball game standing next to a base", "a baseball player swings the bat during a game at the base", "a close up of a baseball player getting ready to swing the bat while the catcher", "the player is swinging the bat with the bat still in the air", "a man at bat waiting for the ball to return", "a baseball player is swinging the bat at home plate", "a man holding a baseball bat standing near home plate", "a batter waits for the ball to be pitched to him on home plate", "baseball players standing on the field playing baseball", "a man holding a baseball bat in the air", "a baseball player is holding a bat with a bat in his hands and looking at", "a close up new york red sox baseball player hits a hit to one player holding", "a man standing next to home plate holding a bat", "a man with a baseball bat standing in front of him", "the baseball player is hitting a baseball with his bat", "the baseball bat is flying while a man watches"], ["a person that is playing tennis on a court", "tennis player hitting a tennis ball at a tournament", "a man lunges back to hit a tennis ball with his racket", "a man getting ready to take a swing at a tennis ball", "a person is holding a tennis racket and swinging to hit the ball", "a tennis player who is ready to swing at the ball", "a tennis player is taking a swing at a tennis ball", "swinging, ball man tennis tennis hitting is a tennis tennis tennis tennis tennis tennis court", "a man is hitting a tennis ball with his racket and ball", "man holding a tennis racket and a tennis ball on a court", "there is a male tennis player swinging to hit the ball towards the racquet", "a tennis player preparing to hit the ball with a tennis racket", "a man is playing tennis at a tennis court", "a man is swinging a tennis racquet on a tennis court", "the tennis player on a clay court is wearing an orange shirt", "a man in orange shoes swinging to return a tennis ball", "a tennis player on a court with a racket", "a man hitting a tennis ball with a tennis racket and tennis ball", "a male tennis player is returning the ball to his opponents", "a man hitting a tennis ball with a racket", "a man playing tennis hitting the ball with his racket", "a man swinging a tennis racquet on a tennis court with a tennis ra", "someone playing tennis with a ball on the ball", "a tennis player getting to swing at a ball and hitting a tennis ball with the", "a man swinging at a ball with a tennis ball and a tennis ball on a", "a tennis player swinging a racket on the tennis court", "a man running to hit a tennis ball", "man in orange playing tennis with a tennis ball and racket", "a tennis player hitting a tennis ball with a racquet", "a man is jumping to hit a tennis ball", "a man is swinging at a ball getting to return", "a man with a tennis racket on a court", "man hitting tennis ball on red clay court", "man is dressed in fluorescent clothes, hitting ball", "a man holding a tennis racket on top of a tennis court", "a tennis player lunges to return a bounce shot", "two tennis players play a game in the tennis court", "tennis player in orange and orange shirt and orange shoes, hitting at a ball,", "athletic man with no shoes playing a tennis game", "tennis ball is a part of a human body's body what is a tennis", "a man swinging with a tennis racket at a ball and a yellow tennis ball", "two men wearing slippers on a tennis court", "a tennis player returning the tennis ball to ball", "a male tennis player is swinging his racket", "a man swinging at a tennis balls returning the ball", "a man is playing tennis on the court", "a man holding a tennis racket and a tennis ball", "a man on a court with a tennis racket", "a man is hit to the tennis ball with a raquet, just about to", "a man on a tennis court is running", "a tennis player is preparing to swing over the tennis ball hitting the ball", "tennis tennis tennis tennis an orange tennis tennis tennis tennis a tennis on in with orange", "man wearing slip flip flops and beach flip flop on shoes on tennis court", "a tennis player hits the tennis ball on the court during a tennis match", "a tennis player dressed in an orange and orange shirt swinging at a ball with his", "the tennis ball is going over the tennis racquet", "a man in an orange sports outfit plays tennis", "man hitting tennis ball on clay tennis court with racket", "a tennis player swinging his racket at a tennis ball", "a man swinging at a tennis ball with a backhand and racket", "a person swinging at a tennis ball with a racquet and a ball on", "a man wearing a long sleeved shirt and flip sandals hitting a ball", "a tennis player is about to hit a tennis ball", "a tennis player is hitting a tennis ball through his racquet", "a young man about to serve the tennis ball back to his opponent just after he", "the athlete's tennis player in the orange shirt, jumps to return the ball", "the tennis player is hitting the ball at the tennis ball", "a man that is on a court while playing tennis", "on tennis tennis tennis tennis tennis doubles man tennis orange tennis tennis tennis tennis tennis tennis", "a man playing tennis at an orange and orange court", "a man in an orange shirt is hitting a tennis ball with hitting racket", "a man is standing at the baseball field holding a tennis racket", "a tennis player hitting the ball and hitting the tennis ball", "a man with sneakers on and shoes is swinging a tennis racket at a tennis", "a man is playing a game of tennis", "male tennis player reaching after a serve", "tennis professional tennis tennis playing tennis tennis tennis tennis tennis tennis tennis tennis tennis tennis tennis", "a man hitting a ball with a tennis racket and racquet", "a man hitting the ball tennis ball and tennis racquet on a court", "a male tennis player swinging the tennis racket behind his back", "man about to hit a tennis ball with a tennis match in progress", "a tennis man getting ready to hit a ball", "a male person swinging a tennis racquet on a court", "the man is about to hit the tennis ball", "is tennis tennis tennis man hitting tennis professional tennis tennis a tennis hitting tennis tennis swinging", "a person on a orange court with a tennis ball", "a man in an orange shirt is playing tennis", "a man hitting a tennis ball with a racquet", "a tennis player tries to hit a tennis ball with his racket and a tennis", "a tennis player is playing tennis on a clay court", "a man in orange and orange playing tennis", "a tennis serve coming towards his opponent on a clay court", "there is a man playing tennis with a approaching tennis ball and half a tennis ball", "man on a clay court hitting a balls back ball", "a man is swinging at a game of tennis", "a tennis player hitting a tennis ball with a racket", "a person hitting a tennis ball with a racket", "tennis tennis tennis, in orange tennis player orange orange orange tennis tennis tennis tennis tennis", "tennis player with shoes on playing in a game", "a professional tennis player striking the ball back"]]}, {"question_id": 2810086, "question": "What is the color of the pizza that is on a pan?", "answer": "yellow", "captions": [["pizzas are on a table with plates of pizza pizzas", "a tray of pizza, tray of pizza and serving plate of fruit on a table", "a man about to grab some pizza from the pizza pan", "a table that has pizza on a plate and pizzas on plates, on pizza", "a couple of pizzas that are on a pan", "a dinner of vegetable pizza and chicken wings", "a person eating a slice of pizza from a pan", "full personal pizzas with pepperoni and peppers on the flatbread pizza", "a woman with her hands in the bowl of pizza", "woman eating from two pizzas while sitting at dinner table", "a pizza that is on a pan with one slice missing", "pizza on pizza pizza cut plates pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza", "pizza pizza pizza pizza pizza pizza pizza at pan a pizza woman pizza pizza pizza pizza", "a woman sitting next to several pizzas with one cut in half holding a knife", "a pizza maker prepares to cut pizza on a fork and chop", "two pizza on a platter sitting in a large dinning, each with four", "a beautiful redhead woman cutting a slice of pizza", "a couple plates with pizza, pizza and cheese pizza on it", "there are two plates of pizza and forks", "two pizzas with pepperoni and peppers on plates on plates", "a person sitting at a table eating a plate of pizza with fork and knife and", "a woman eating the pizza from a trey with 2 cakes", "a woman cutting a slice of pizza on a table", "two cheese pizzas are sitting on plates of pizza", "a woman eats peppers, kiwi and a fresh veggie plate of pizza", "a few pizza pies with pizza and woman holding fork and knife", "the plate of pizza in the foreground of the plates of pizza", "a woman with an elaborate plate of pizzas by a giant model", "the pizzas and pans are being prepared", "a woman sitting next to two large plates of pizza", "lots of pizzas sitting in front of two large pizzas", "a woman holding a spatula and eating a big pizza", "two slices of pizza with beer sitting on a table next to a pizza", "a woman wearing a scarf is eating a pizza", "a woman is sitting with a plate of pizza", "two pizzas sitting on table with a woman cutting", "there is a woman sitting at a table with a pizza", "a woman in white blouse cutting up a fork and knife next to a table filled", "two pizzas with pepperoni pizza on aluminum pans", "a woman holding a knife and fork sitting over pizza pizzas", "one pizza that is next to a two others in front of them", "a woman eating a plate of pizza for two", "pizza and a fork and knife fork and vegetables on plates", "a pizza is shown with a metal fork and knife", "a couple slices of pizza sit on two pizza platters", "a woman holding a fork and knife above a pizza on a pan", "a woman eating pizza from a pie with a fork and knife", "two personal pizzas and 2 forks on a fork and knife plate", "a plate of pizza on a table with a fork and a plate of pizza on", "someone holds a fork and a plate in front of three plates of pizza", "an unbake pizza and two pizzas sits on plates on a table", "two pizzas sitting on two pans topped with pizza next to each other", "close up of a plate of pizza with two serving platters", "a pizza, pizza lunch and pizza dinner with a view for lunch", "pizza slices pizzas and peppers pizza sitting on pans", "a woman enjoying a plate and a plate of pizza", "a pizza and two pizzas sit on plates on the table", "the pizzas on the table have peppers on them", "a man cuts up a vegetable on a cutter and another pizza", "pizza pizza pizza pizza pizza pizza pizza pizza two pizza pizza pizza pizza pizza italian pizza", "a couple of pizzas sitting next to a table top", "a woman cuts into a pizza with a fork and knife", "pizzas that are on a table with one dish full of the pizza", "two plates filled with pizzas sitting next to a pizza pie", "a woman has cut peppers and a pizza on a pan with two plates of pizza", "a red haired woman in a black shirt, and a plate with 2 pizza pie", "a pizza spread with a forks and a knife on another platter eating", "a pizza on two plates plate and fork and knife and bread and fork in front", "a table with two plates of pizzas with veggie platters and fork", "a woman eating a knife and fork at a plate with sliced pizzas", "a person sitting in front of two pizza platters with pizzas", "full plate of pizza with a large platter of pizza on top", "a person that is eating salad and fork and plate while sitting behind two plates of", "two pizzas with different types of pizza sitting on a platter", "a person cutting into a pizza pizza that has pizza in front", "a pizza sitting on top of metal pans filled with toppings", "a woman is preparing some slices of pizza on a plate", "a large table that has pizzas on it", "two pizzas sitting on top of plates next to a big pizza", "a group of large personal pizzas sitting on top of a table", "this woman is smiling and pointing at large pizzas on plates", "three pizzas sitting side by side on a plate", "pepper pizza pizza pizza plates pizza pizza pizza pizza pizza pizza pizza a pizza pizza pizza", "a woman is about to cut a piece of pizza", "a person getting ready to sample a plate of pizzas", "a woman eating and cutting peppers and bell peppers", "a person preparing to eating a slice of pizza from a pizza", "a woman cutting herself a slice of silverware next to pizza", "an attractive woman slices a plate of pizza and plates of three pizzas", "a man is eating pizza that has pans of large pizzas on them", "there is a man that is eating a pizza", "a man eating two pizzas sitting on a table", "three personal pans of food with a variety of platters", "a large variety of pizzas sitting next to each other on plates", "pizza on a table next to a plate and plate with two pizzas on it", "a woman is cutting up a knife and fork of pizza", "a woman sitting at a table with two trays of pizzas", "a woman is eating pizza at a pizza table", "two large pizzas, three pizzas on plates, and one full pizza on", "two pizza pizzas and two pizza plates sit beside pizza"], ["a white plate topped with a pizza on top of a crust", "this pizza is round and on a white plate", "pizza sitting on pizza pan full of melted cheese", "a deep dish pizza sitting on a round plate", "a white plate of meat is laying on a white plate", "pizza with mozzarella cheese on a plate on a white plate", "a close - up of a full view of a pizza on the white plate", "the pizza is on the white plate on the orange tablecloth", "a close up of a pizza on a plate", "a plate of pizza that is over a white plate", "a pizza served on a white plate with a white fork and a knives", "a view of a plate of pizza next to the pizza on display", "pizza cheese pizza pizza pizza tomato pizza pan pizza pizza pizza pizza pizza pizza photo pizza", "a pizza sits on the plate at an orange table", "there is a large white plate with a small pizza", "a pizza - crust pizza on a white plate with sauce on a white plate", "pizza thin pizza a cheese pizza pizza pizza a pizza pizza pizza pizza pizza plate sliced", "a food medium pizza cheese slice pizza pizza pizza meal pizza a pizza a pizza cheese", "pizza pizza plate pizza plate on plate the the half pizza cheese italian pizza pizza pizza", "the pizza pizza pizza pizza large the a ham pizza pizza pizza pizza pizza pie cheese", "a large pizza on a white plate on a table", "a pizza sitting on top of a white plate", "white plate with tomato and cheese pizza sitting on top of it", "pizza served on a plate on a table", "a small pizza is on a plate on the table", "a white plate with a pizza sitting on top of an orange table", "a pizza with sauce on a white plate", "a pan of cheesy tomato sauce pizza on a plate", "pizza ham pizza a pizza pizza ham pizza pizza pizza pizza food pizza pie pizza pizza", "the pizza is sitting on the white plate", "a personal pizza on a plate on a white plate", "a plate filled with a pizza and a fork and knife", "a plate on a large white plate atop a wooden table", "white dish on a white plate in front of a plate that has a large pizza", "a half pizza on a small plate on a table", "large pizza with different toppings on a plate", "a pizza on top a white plate with rice in background", "a pizza on a plate sitting on a table in a restaurant", "the pizza is on the plate ready to go", "a plate with food on an an orange tablecloth table", "a pizza sits on a plate beside a fork and knife and fork", "pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza full pizza", "pizza sitting on a plate on the ground", "a homemade pizza pan pizza on a white plate", "a personal made pizza on a white plate", "pizza cheese pizza pizza pizza pizza pizza the pizza a pizza a pizza whole pizza pizza", "there is a plate with pizza on the table", "a pizza pie sitting on a white plate on top of a table", "a personal pizza on a white plate sitting by a person", "a pizza sitting on a white plate on a table", "cheese pizza pizza thin thin big pizza pizza of cheese a large cheese big bread pie", "pizza is placed on a white plate on a table", "a pizza on a plate that was not on a table", "a white plate with a pizza on a plate and some wine glasses", "a small personal pizza sitting on a plate on a plate at an orange table", "a full pizza on a plate sits on a white dinner table", "a large pizza sits on a orange table next to a fork and silverware", "a pizza on plate on white plate with white topping", "a homemade pizza pie is on a plate for consumption", "pizza on white plate over a table on plate next to two plates with silverware", "a cheese pizza large and pie pizza pizza a pizza a a pizza pizza pizza a", "fresh pizza with ham and cheese on it", "a plate with a pizza on it with others food around it", "close view of a large pizza in a restaurant", "a small pizza sitting on top of a white plate", "pizza pizza pizza pizza pizza a pizza the pizza cheese small pizza pizza pizza a pizza", "an pizza sits on a white plate and sits on a girl", "pizza on a ceramic white dish on a white table", "a white plate, a slice cake, and some wine glasses and wine glasses", "a pizza on plate at a food market", "a pizza on a table decorated with sauce", "a close up of a pizza on a white plate on a plate", "a plate with pizza sitting on a table", "a pizza with ham on a plate on a plate", "a white plate filled with a small pizza on a white and white plate", "a white pizza on a white plate sits on a white plate", "a slice of pizza and a plate full of chips", "pizza a pizza pizza this personal pizza pizza cooked large pizza pizza pizza the pizza pizza", "a large pizza has cheese on it, and it is ready to be eaten", "a woman looks at a tasty looking pizza on a plate", "pizza on a white plate with a fork and knife on a table", "a large pizza sitting on top of a white plate", "a small, white plate features pizza on it", "large pizza on white plate on white plate plate", "a pizza plate pizza picture pizza white white pan large pizza the personal cheese in home", "a pizza on a plate with wine glasses in the background", "person smiling over a pizza on a white plate", "a large white plate with a big pizza on it", "a ham pizza sits on top of a small plate", "a pizza on a plate is placed on an appetizer", "an orange table cloth with a pizza on it", "a pizza on a plate in front of a basket full of fruit", "pizza on a white plate with a sauce and a topping", "a pizza sitting on a plate with pizza and tortilla", "a pizza cheese pizza large plate pizza pizza pizza a pizza pizza plate pizza pizza pizza", "a plate is sitting next to a pizza on the plate", "pizza pie sitting on a pizza pan on an orange place mat", "a pizza with a piece missing on it", "a white plate that has a pizza on top of it", "a large pizza is on a white plate"], ["a plate on a table that has a serving tray with a large plate with a", "thin pizza a a pizza che pepper pizza cheese pizza this cheese crust pizza a home", "a cooked pizza on a plate sitting on a table", "a plate holds a pizza on a large metal plate", "pizza, a personal pan a served pizza and pizza white and white served and small", "a large plate plate filled servinghouse fires matildahouse magnetic about", "the pizza served is on a white plate and on a long rim", "a pan with a pizza on top of it", "a pizza sitting on a white plate on a white plate", "a white plate plate showing a small pizza on the pizza", "a pan pizza is sitting on a great deal of pizza", "a large pizza sits on a plate on a white plate", "a cheese pizza sitting in a white bowl dish pie", "pizza this a pizza plate pizza pizza pizza pizza pizza cheese personal pizza pizza pizza pizza", "a plate is in front of a personal size pizza on a white plate", "a plate is full of a pizza with broccoli on it and it is", "pizza plate plate pizza pizza pizza pizza and pizza pizza pizza pizza pizza pizza, pizza", "the pizza is on a plate on a plate on the table", "a pizza sits on a plate with food in it", "two big crust pizzas are placed on a pie", "a fully personal - crafted pizza is on a plateside", "olive pizza pizza supreme pizza medium pizza cheese cheese pizza cheese pizza a pizza pie pizza", "pizza pizza pizza pizza large pizza pizza, pizza on pizza pizza pan pizza white served", "a plate of pizza that was on a table", "a large pizza is sitting on a white plate", "a plate of a pizza on a white plate", "pizza pizza plate a pizza a pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza", "pizza top the plate plate baked a on large olive plate in large a pizza pizza", "a plate with a white pizza sitting on a white table", "a green pizza is served on a white platter", "platter with cheese pizza on the plate, but the vegetable pizza on the plate", "pizza plate pizza pizza pasta pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza", "a pizza pizza on a white plate on a plate", "a large plate with a personal pizza with topping", "large pizza pizza pizza pizza pizza round pizza pizza pizza pizza pizza pizza pizza pizza pizza", "a small plate sits on a white plate holding a full pizza decorated like a vegetable", "a large plate sitting on a table with an oval white plate with a white pizza", "a pizza that is on a plate on a plate", "a plate with meat and olives on a pizza sitting on a dish", "a plate has a plate on it and a fork on the plate", "a pizza pizza and pizza plate pizza large pizza - cheese pizza oval large pizza pizza", "a white plate containing a pizza on top", "a pizza on a plate on a wooden table", "white plate on table under plate on wood surface", "a big pizza sitting on a plate on a fancy plate", "a white plate with a round plate on a wooden table", "a pizza sits on a white plate on a white plate", "pizza the pizza pizza pizza plate pizza large pizza a in served pie a platt pizza", "a large pizza sits on a white plate", "a close image of a plate with a whole pizza on it", "pizza pizza large thin in pizza pizza pizza pizza pepper pizza pizza whole pizza pizza pi", "a pizza is on a plate and on a white cloth", "a flat pizza on a plate sitting on a table", "white platter on white plate with personal pizza on white food dish", "a white plate on a plate on a serving plate", "a dish with a large pizza on it", "a plate with a pizza topped with cheese and green chili sauce", "a pizza on a white plate setting on a plate", "a pizza with a spinach and a pesto on top", "a tray of flat dish of pizza with feta aspergusi, ca", "this pizza is on top of a white plate", "a pizza pie topped with white cheese, green broccoli and herbs", "a large plate of a pizza pie sits on a wooden stand", "a pizza that is on a white and silver plates", "a pizza that the person a and pizza pizza g pie", "pizza pizza platt large the plate pizza pizza on pizza this pizza a pizza pizza metal", "pizza on a plate plate plate on serving served holes oval plate", "small pizza on a metal plate with two glasses", "a round dish covered with a fresh baked pizza on and white plate plate", "a white plate on a table with a pizza on a white plate", "a plate full of a pizza on a wooden surface", "this pizza has a bunch of cheese in it", "a round plated pizza with green spinach, poacher balls and cheese", "a pizza is on a plate on a plate that is displayed", "this cheese 9 pizza a plate pizza pie and oval olive italian as pizza pizza,", "a pizza on a plate on a plate on a platter", "this round - plates a dish pizza at has a fresh pie", "a white plate holding a pizza next to dishes", "a personal pizza is on a pie in a plate", "a pizza on a plate sits on a table and ready to eat", "a plate that has a white plate on a place setting on it", "a round plate with a pizza on it", "a pizza is covered with cheese on a white platter", "pizza on a plate served on a white table", "a plate is overflowming with a large dish that is ready to be filled", "a white plate with pizza on it sitting on a white plate", "the pizza is cooked and ready to be served", "a bread white half pizza large pie pizza - pizza pizza pizza a pizza pizza the", "small pizza on white plate with white background", "the pizza on the plate has seven squares on top", "pizza served and ready on a white plate on a plate", "plate of personal pizza on table setting on white plate", "pizza flat cheese pepper plate on pizza the pizza pizza pizza pizza white cooked pizza pizza", "a pizza that is on a plate on a table", "a white dinner plate featuring a pizza, pasta and pesto on the top", "a pizza covered by cheese and vegetables sitting on a plate", "a white bowl sits on a white plate", "pizza pizza pizza the pizza pizza pizza this pan plate pizza pizza dish pizza pizza pizza", "the plate is on a white plate and holds a pizza", "a plate holding a platter that has a pizza on it"], ["small pizza with cheese on square metal tray", "small pizza sitting on a pan on a table", "a pizza on top of a baking pan on pans", "the small pizza is sitting on top of a large baking sheet", "a square pizza sits on a brown tray", "a pizza cake on a metal baking tray", "the pepperoni pizza is placed on the pizza pan", "a whole pizza sitting on a table with a pizza face on it", "a pepperoni and cheese pizza are being baked in a stove", "pizza pepper pizza pizza pepper pizza pizza pizza pizza pepper pizza pizza pep pizza pizza pizza", "the personal grill pizza company's pizza is a well - traveled creation", "a pizza sitting on a pan on an oven", "a pizza sits on a baking pan on a black counter", "and pizza pizza pizza pizza pizza pizza pizza the pizza pepper pepper pizza a pizza pizza", "pepperoni pizza with toppings on a grill plate", "a pepperoni pizza and a sheet pie", "a homemade pizza sitting on top of a stove", "pizza pepper pizza pepper pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza", "a thin crust pepperoni pizza on a baking sheet", "whole pizza on a baking pan on a stove", "a pizza on a metal pan and a pizza pan cover", "a pepperoni pizza sitting on a pizzapan baked", "a pizza sitting over a pan on top of a baking sheet", "a pizza with pepperoni placed on top of it", "a close up of a unheated pizza on a baking pan", "homemade pizza sitting on a pizza pan", "a pizza on a brown pan on a oven", "a large pizza sits on a baking tray", "a tray with a pepperoni and onion pizza", "a pizza with pepperoni on a pan on a pan", "a large pepperoni pizza on a flat pastry pizza", "pan that has a dough pizza on it", "a pizza is being sliced into the pan", "pizza pepper pepper pepper pizza pepper pepper pizza pizza pizza pizza pizza pizza pizza pizza un", "a homemade pizza sitting on a baking sheet", "pepperoni pizza with sauce on a pan on a table", "a pizza is on a baking tray on a tray sheet", "a pizza that has pepperoni on a piece of pastry", "the personal size pepperoni pizza sits on a metal tray, on a small metal", "a pizza with pepperoni pizza meat", "a baking tray with a personal sized pepperoni pizza on it", "pizza sitting on top of a metal pizza pan on a table", "a pepperoni pizza on a tray ready to be baked", "a large pizza on top of a tray in the oven", "pepper pepper pizza pizza pizza pepper pepper pepper pepper pepper pizza pizza pizza pizza chicago pepper", "a pizza being baked on a metal pan", "a pizza is ready to be cooked on a metal baking tray", "a pizza on a pan on a tray", "a pizza sitting on a metal pan", "the large baking tray is set with a large pizza on top", "a homemade pizza is just out on concrete on a stove", "a large cooked pepperoni pizza on a tray in a cooker", "pan that has a pizza on a baking pan on it", "a pizza with pepperoni on a pizza pan pan", "a homemade pizza is sitting on a pizza pan", "a pizza is on a pan as it is sitting in a baking sheet with a", "the pepper pizza freshly a a a round pizza a pizza pepper pepper pizza large pizza", "a pizza being served on a baking sheet", "a large personal sized pizza on a square table", "a pepperoni pizza is on a metal pizza pan", "a pepperoni pizza on a pizza baking tray", "a very little pizza that is on a baking sheet", "pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza", "a large cut pizza sitting on a baking tray on a counter", "pepperoni and olive pizza is on a copper tray", "a pepperoni pizza on a cookie sheet over a baking pan", "a square tray is filled with a pizza on a stove", "a pizza on a pizza pan that looks like a pizza", "small pepper pizza pizza pizza pizza pizza pizza a pepper pepper pizza large pizza pepper pizza", "a pizza covered with pepperoni and slices of pepperoni", "pepperoni and pizza slices cooling on a baking tray", "pepper pepper pepper pepper pizza pizza pizza pizza pizza pepper pepper pepper pepper pepper pepper pepper", "the pizza appears to be half half done", "a square shaped pan is topped with pepperoni on a baking tray", "a pizza on a tray that is sitting on top of a stove", "a pizza on a pan on a stove with an oven", "a pizza sitting on top of a metal pan", "baked pepper pizza pizza pizza pepper pizza pizza a pizza pizza pizza pepper pizza pizza pizza", "a pizza that is laying on top of a tray", "a pizza on a tray sitting on a pan", "a pizza sits atop a baking tray on a greased metal griddle", "a pizza pie shaped like a smiley face is displayed on a pan", "half a pizza on a pizza dish on a tray", "the homemade pepperoni pizza sits just being baked", "a fully baked pizza that is on a grill pan", "a homemade pizza ready to be cooked with onions", "a thick tray with a pizza that looks like it's sliced off", "doughy pizza with pepperoni and cheese sits on a square baking pan", "a pizza sits on a pizza pan in a pizza pan", "the pizza has been done and ready to be eaten", "the pizza has red fire roasted pepperoni on it", "an unbaked freshly made pizza on a pan", "a hot pizza sits on a cookie sheet", "a pizza is being prepared on a large baking sheet", "the big pizza has a square", "pizza pie sitting on a pizza baking sheet", "a pizza sitting on an oven on a metal rolling tray", "a pizza with olives and onions on a pan", "a pizza is about to lay on a pizza board as it sits", "a pizza on a pizza pan with pepperoni cheese and onions on top of it"], ["a homemade piece of pizza sitting on a plate", "pizza slice pizza slice a plate slice slice and white pizza pizza pizza a half cooked", "a piece of pizza pizza on a plate with a broken plate", "the cheesy pizza is on the plate near a glass of wine", "a slice of pizza on a plate next to a half pizza", "a plate that has a white dinner plate on it", "pizza pizza on a a of a a in pizza on pizza pizza and and food", "a white plate with a small pizza pie and pizza next to a pizza slice", "a white plate holding partially eaten pizza slices and pizza dough and half half pizza '", "a white plate has two pieces of pizza on a plate", "a cheate on a plate of pizza on a white plate", "white plate with personal sized pizza slice on it with alcohol shot", "plate of plate pizza pizza pizza pasta two plate plate plate is white half white pizza", "two slices of pizza are left on a white plate on a table", "pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza plate pizza pizza pizza pizza", "a white plate holds a small pizza, a piece of pizza, and cheese", "a plate has a pizza on it on a white plate", "two slices of pizza cut on a plate on a plate", "two pizza slices on a plate with dirt on top of them in front of a", "a partially eaten plate of pizza with a glass of wine", "a white plate with two pieces of pizza on it", "slices of pizza pizza and two drink glasses on a white plate", "pizza pizza sitting on a plate a pizza on a stove", "a plate with a slice of pizza on it", "messy pizza with small white plate on black table", "pizza pizza small pizza pizza served pizza white pizza pizza pizza pizza a plate partially cheese", "a white plate holds two pizza slices on it", "a pizza on a white plate, with very little cheese pizza", "pizza white pizza on small thin the plates pizza partially pizza pizza pizza half the a", "a white dinner plate set with a pizza pizza pizza sitting on top", "pizza slice pizza pizza pizza pizza pizza pizza pizza pizza eating pizza pizza pizza pizza pizza", "a plate has pizza slices on it", "a white plate topped with a slice of pizza on oneidan", "a white plate with pizza on it next to empty pizza plates", "pizza is missing slice on a pizza on a white plate", "pizza pizza on a plate on a table", "a close up of a plate of a slice of pizza", "a pizza sitting on a white plate with a side dish next to it", "a pizza sitting on top of a white plate on top of a white plate", "a white plate of pizza is seen, after it was eaten", "pizza pizza half on a plate at the pizza place and there is a slice of", "pizza pizza with slices of cheese pizza, on a plate", "a partially eaten pizza sits on a partially eaten white plate", "pizza is left on a plate and left to the use", "a plate on a white plate that is half eaten", "a pizza with cheese pizza on a piece of pizza on a white plate", "a plate with pizza on it and a half full", "a plate of pizza and a glass of water on a table", "half of a pizza sitting on a plate on a table", "a pizza that is sitting on a plate", "a small pizza with cheese and cheese on a white plate", "a white plate on a white plate on a table", "a plate of pizza on a black table", "pizza and a glass on a plate with an odd fork and knife", "a sliced pizza on a plate with white plate", "a white plate with a partially eaten pizza on top", "a white plate with a single plate pizza on it", "a white plate with pizza on it sits with ketchup to give as an", "a white plate topped with pizza and a half eaten slice", "pizza slices pizza pizza white cheese pizza pizza pizza dinner plates pizza pizza white domino pizza", "a half of a small fresh pizza on a plate", "a white plate with a pizza half on it", "pizza slice pizza pizza cheese pizza pizza pizza pizza plate pizza pizza slice pizza pizza pizza", "a white plate has a pizza that has been thrown", "a plate is in the shape of a pizza and slices are on it", "a plate with slice of pizza on it and a fork and knife and knife", "a white plate with a pizza on top", "a white plate that has a pizza on it", "pizza cheese pizza pizza pizza half pizza pizza plate pizza pizza pizza pizza the pizza partially", "pizza pizza on a white plate on a white plate", "a pizza that has been completely left on a plate", "pizza slice pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza", "a white plate with a white plate with pizza pizza on it", "a square square of pizza is on top of a piece of pizza on a plate", "square pizza pizza thin pizza pizza pizza, pizza pizza pizza pizza plate pizza pizza pizza", "a plate that has pizza on a piece of pizza", "a pizza pizza sits on that white plate it has pizza on the reverseage", "a slice of pizza is on a plate", "a piece of pizza with cheese and onion on it on a plate", "a white plate that has pizza pizza pizza pizza, pizza pizza, a pizza,", "a white plate has a piece of pizza on it", "a white plate with a cheesy pizza on it", "the pizza and a drinking glass are on the table", "a plate with some plate pizza on a white plate", "the slice of a pizza on a white plate is left on the counter", "white plate with pizza on it with pizza on top", "a white plate with a pizza on top of it", "a plate that has two slices of pizza on it", "a pizza on a plate sits on a plate with a glass of wine", "the little pizza left on the pizza plate, the last one, and the two", "a pizza on a plate sitting on a white plate", "pizza pizza pizza pizza pizza pizza a plate pizza pizza pizza small pizza half and pizza", "pizza sitting on a white plate near two bottles", "a pizza on a white plate that has cheese pizza on it", "a white platter on a black table topped with a pizza on top of a", "small pizza on one square on a plate", "a dirty plate on a table with pizza pizza", "pizza pizza and a plate on a table with a half eaten plate of pizza", "a plate of pizza that is sitting on another plate", "slice of pizza on a dirty - partially dinner plate"]]}, {"question_id": 6613159, "question": "Is it true that there is at least 1 image that contains exactly 2 sheep that are behind fence?", "answer": "no", "captions": [["a baseball game is in progress with the batter swung", "a boy hitting a baseball during a baseball game", "a group of players are playing baseball on a field", "a man hitting a baseball with a bat", "a man hitting a baseball with a baseball bat", "a person swings the bat as another person swings the bat at the batting", "a boy hitting a baseball bat to someone looking up", "a boy swinging a bat at a ball while a man holds the bat behind the", "a children a at batter a baseball batter playing baseball batter a baseball batter in a", "catcher batter baseball hitting bat the preparing a a batter a hitting trying boy a getting", "a person wearing baseball uniform is catching a baseball", "young boys are playing baseball during a game with spectators", "children playing in baseball and softball at a base", "a young batter swings at the ball as a batter misses the catch", "a boy is hitting a ball with a bat", "a young person standing at home plate swinging at a baseball", "a boy in a field holding a baseball bat next to home plate", "a batter winds up to swinging the softball", "different shots of a young baseball playing in a play at home plate", "a baseball game being held as a runner approaches", "a person who has a bat while playing baseball", "a group of people playing a game of baseball", "a baseball a swinging youth boy swinging batting swings batter batter baseball batting a ball swing", "a boy getting ready to hit the baseball", "a ball batter waits for the ball to be pitched", "the baseball players are playing in a game", "a baseball pitcher prepares to throw a pitch to home plate", "people playing a game of baseball on a sunny day", "a boy swinging at a batter trying to hit a ball", "a boy trying to get a shot with a baseball bat", "a couple of people on a baseball field", "a little league little league player pitching a ball at home plate", "a man is taking batter at a baseball game", "a baseball player holding a bat near the base", "a little boy with a baseball cap hits a baseball with bat", "people in a baseball game game on a baseball field", "a baseball player getting ready to swing his bat", "a group of young men playing a game of baseball", "baseball players play a game of sports on a baseball field", "a baseball player hitting a ball with a bat", "a child is waiting to hit a baseball", "a man hitting his face on children standing in front of a small black background", "a young boy swinging the bat as a man tries to hit the ball and bat", "a boy in a baseball game getting ready to hit a ball", "young boys in uniform playing baseball in a big field", "players playing baseball are on a field of some kind", "a baseball game with a batter hitting a ball to a batter", "a boy swinging a bat holding a baseball bat", "a young boy with a baseball uniform bends down and holds a black bat in an", "children on a field playing baseball with a batter", "a group of young boys is playing softball in a baseball stadium", "a boy holding bat and baseball bat while another boy is digging for it to hit", "some people are playing baseball on a field", "a young boy throwing ball towards the other in a softball game", "a baseball player swinging a bat at home plate", "a batter swings to first and a pitcher is at home plate", "a boy hits the ball towards home base", "a child holding baseball bat and going to hit the ball", "team, baseball team and umpire getting ready to serve the pitch", "a young boy getting ready to throw a baseball", "a number of people playing a baseball game", "a man swings his bat at a baseball", "some kids are looking down after a ball", "there is a batter attempting to hit the ball", "a young man standing on top of a field during a baseball game", "a baseball player takes a swing to hit the ball that came to a catcher and", "a view of a boy playing a game with baseball", "a young man taking a swing at a ball", "a young man during a baseball game", "a man throws a ball at a softball game", "a player is taking a swing at home plate", "a person hitting a baseball while playing softball", "a person on a ball with a bat", "a young person getting ready to swing a bat on a baseball field", "a boy in a baseball position during a game", "a boy wearing a white jersey and white pants digging in", "batter on a baseball game waiting to hit the ball", "a ball player hitting the baseball with the first home bat on the bat", "a person playing baseball on a field next to people", "a kids baseball game playing a game of baseball", "a man that is swinging a bat at a baseball", "people are playing baseball at a game against teams", "a boy hitting a baseball at home plate during a baseball game", "baseball game with player hitting ball and fence", "a baseball player hits the ball, while several other player watches", "a baseball game that has many individuals playing", "a boy using a pole in a competition", "a young boy attempts to hit a pitch while two other players and a crowd look", "boys playing baseball on the blue pitch field before the first pitch", "a kid is swinging a baseball bat at a ball", "a baseball player hitting a ball during a game", "kids in a baseball game going down to the plate to hit the ball", "a young boy wearing brown baseball gloves", "a boy is hitting the base ball during a baseball game", "the young boys are playing a game of baseball while the crowd watches", "a baseball player swinging a bat of his bats", "a batter striking the ball as two players play", "a young person batting a bat at a ball", "a game of baseball player hitting a ball during a game", "a group of kids playing baseball in a field"], ["a sheep sits inside of a pen", "a sheep with its head sticking out from behind the fence", "small girl and toddle are standing in their metal enclosure", "a sheep standing next to a fence and touching a sheep's face into a", "two kids interacting with a sheep in a pen", "sheep sheep feeds sheep sheep herd zoo sheep hand sheep goats sheep sheep sheep sheep sheep", "gate pet in view zoo and in in inside pet that behind bars the pet animals", "a sheep behind a fence looking through bars", "a toddler peeks behind an enclosure with a fence", "three sheep looking through a cage with their head sticking toward the bars", "people standing around looking at the large sheep that is behind it in a cage", "a child looks through a cage at a sheep", "a young girl looking through a fence at a sheep", "animal head sheep sheep looks goat sheep sheep sheep sheep sheep horned sheep sheep sheep the", "a ram in its cage at the zoo", "a young girl looking through a fence to taste a small animal which is looking at", "a little girl reaching toward a white sheep", "woman pointing to a tall sheep in a cage", "a baby is petting a sheep out of a cage", "a young girl looking at a sheep through a wire net", "someone points through an iron wire fence as a sheep with an in its pen", "a sheep sticking its head through the cage", "a person reaching through a animal cage with a sheep", "goat sheep wool sheep sheep behind sheep animal sheep sheep sheep sheep sheep for sheep sheep", "white sheep sheep with sheep sheep sheep lamb sheep sheep sheep in sheep sheep sheep sheep", "a sheep is behind a fence with its head in a grassy spot", "a sheep sits behind a fence, looking through the bars", "the goat is looking through the fence as it looks at the sheep", "a farm sheep sheep sheep sheep sheep white sheep sheep in sheep sheep a sheep behind", "white sheep sheep sheep sheep sheep wool sheep sheep sheep sheep wool goats sheep sheep pasture", "a girl reaching into a fence to touch a dog", "the sheep in the cage looking over the head", "a sheep looking through a metal cage in an enclosure", "a little girl standing next to a sheep behind metal bars", "a sheep pointing at a young child in a zoo", "sheep sheep sheep and a sheep of a sheep sheep animal sheep sheep sheep sheep sheep", "white behind sheep sheep sheep sheep sheep sheep in fence gate sheep feed - a sheep", "a woman touching a metal cage holding something to a small child", "a kid pointing to an animal through a fence", "a little girl looks through the cage at a sheep", "a little girl looks up at a sheep through a fence", "a child peeks behind a fence while peeking through a fence", "sheep sheep barn sheep behind sheep white animals fence wire fence sheep sheep cage sheep sheep", "a sheep and a child reaching the metal gate", "a sheep in a fence surrounded by sheep", "a sheep behind a cage with its head sticking out of it", "looking sheep sheep sheep sheep fence feeding e behind sheep fence behind sheep fence animal pet", "a sheep is looking at a woman through a fence", "a sheep looking into its pen behind a fence", "a sheep is sticking his nose out of a cage", "sheep behind a fence, through some bars", "a goat behind bars at a fence and little girl standing in front", "a sheep is inside of a metal fence", "a person reaches hand to hand at a wire fence near a sheep pen", "a child reaching for a hand to pointed at a fence", "a sheep and a lamb in a cage", "a young child standing by a fence looking through the gate", "a sheep is behind the fence, behind the bars", "two children touching the railing to pet the sheep", "a wooly sheep looks out window onto some people", "a herd of animals in a pen with a white sheep", "a girl points to a sheep through a gate", "little girl petting sheep through a hay pen", "this little girl is feeding the sheep that is feeding her", "a sheep that looking through the fence is standing close to another animal", "sheep in little feeding pointing cage sheep sheep farm close sheep sheep sheep sheep goats sheep", "a young girl looking through a cage at a sheep", "a lamb is behind a fence in an corral with a woman", "sheep sheep sheep sheep sheep sheep sheep sheep sheep behind sheep sheep sheep sheep sheep sheep", "a little girl pointing the fence in front of a sheep sheep", "a little girl who is standing by a fence that looks out to the sheep", "a little girl feeding a sheep in a zoo cage", "a sheep on the ground inside of a fence", "child fence and sheep ram sheep sheep sheep sheep sheep close feeding fence cage sheep sheep", "a sheep inside a cage staring at the photographer", "a small girl looking through the bars at a sheep behind it", "a lamb stands behind an open wire fence, looking at the camera", "two children looking at a sheep through a metal fence", "there is a sheep in a pen looking through it", "a young girl leaning through a cage and looking into a herd of sheep", "sheep sheep sheep sheep sheep sheep sheep sheep sheep animal sheep sheep sheep lamb in sheep", "two children in a cage looking at a sheep", "sheep sheep sheep with f sheep sheep sheep sheep ram a sheep sheep feed sheep sheep", "a little girl watching a sheep through the gate", "sheep looking through a fence at it's owner", "a woman reaches towards an animal fenced in", "a small child looks out the fence as she stands", "a sheep standing inside looking out at the camera with it's face to the", "a lamb in a cage surrounded by barbed bars", "a sheep looks out of the window of a petting area", "women standing around a large animal fence at a animal sanctuary", "a sheep has its photo taken through the pen", "a wooly sheep through a wire fence with sheep in a yard", "sheep sheer sheep sheep cage the sheep sheep in sheep sheep sheep sheep sheep sheep sheep", "two children with one looking at a goat behind a cage", "sheep is looking through a fence as people watch", "a small girl looking through a cage at sheep", "it is a close photo of the sheep that is in the cage", "a little girl feeding a sheep through a cage", "a sheep behind a fence with a fenced in crowd of people"], ["several people standing in front of a fence", "a group of men standing on top of tennis courts", "a group of people are gathered on a tennis court", "a group of people with pink shirts standing a fence next to a tennis court", "a group of people in tennis attire on a tennis court", "the older people are standing behind the fence", "a group of people are playing tennis on a tennis court", "a group of women playing a game of tennis", "a woman in a pink suit, standing on a tennis court", "people standing around on a tennis court near a light", "a group of people that are standing near one another holding rackets", "a group of people standing on a fence watching something", "a tennis court with four people playing a game of tennis", "a group of women holding tennis racquets on a tennis court", "a small tennis player with her racket in pink", "a tennis court with a ball ball on it", "a bunch of people are on a tennis court", "people with pink shirts and a pink tennis court outfit", "children in pink t shirts standing in front of a chain link fence", "a group of people playing a tennis game on a court", "a group of people are playing tennis on the court", "the group of people are looking along side the fence", "a group of people playing a game of tennis on an elevated tennis court", "people are playing tennis on the courts in the court", "a family tennis net at a children playground", "a group of people looking over a tennis net", "the woman in a pink shirt is playing tennis", "a group of people on a green tennis court", "some people playing tennis in a doubles course", "a shopping cart in an outdoor shopping center", "a group of people wearing pink uniforms playing tennis", "a crowd of people standing above a caged enclosure", "a tennis court with a net surrounded by children", "a group of people playing a game by a tennis court", "a group of people, some wearing pink, standing on a practice court, playing", "a red tennis court with people walking on the side of it", "there is a group of people that are on the court with their shopping carts", "the five people stand at the net waiting for the ball to come away", "several tennis players are competing in a game", "a large group of young people at the tennis court", "this is an indoor tennis court", "a crowd of people stand on a tennis court during a tennis match", "a tennis court is photographed in a clear blue sky", "people are playing a game of tennis on a court", "a racket with a trolley behind it near a net", "an old man and his young children a shopping cart full of pink shirts", "a group of people on a tennis court near a light", "a group of people stand around a fence with pink shirted people", "a group of people standing around a tennis net", "a row of people standing behind a fence near a shopping cart", "people stand on a tennis court while the lights are on", "a lady in pink pink shirt holding tennis racquet on a black tennis rack", "a group of people standing around each other holding a tennis racket", "a woman pushes a shopping cart next to an elderly woman in a wheelchair", "tennis players talking and enjoying a tennis match on a clear day", "people are standing on the tennis court by the net", "children playing tennis on a court on a tennis school", "a group of people stand around a lights on a bright day", "a tennis court has people playing on the top court", "a group of people that are standing in front of a fence", "a group of children standing on a tennis court", "a woman pink colored shirt is wearing a pink pink shirt", "a bunch of people on a side walk around a fence", "large youth sports court full of people having a group playing tennis", "the group of people stand in line over a net on some side", "a tennis game is being played against a tennis field", "people looking around a park on a cloudy day", "a few kids playing a game of tennis on the court", "there is a baby stroller behind a fence", "an image of a group of people looking at a fence", "a group of people with rackets on tennis court", "group of people on a tennis court about to receive instruction", "people standing around behind a fence holding tennis racquets", "a group of people on a tennis court behind a tennis net", "a woman standing in front of a net while preparing to hit a tennis ball", "a group of people in their pink outfits on a green court", "a group of people wearing pink dresses behind a fence", "a group of people are around a fence", "a group of people standing around on a tennis court", "a group of people with shirts in pink shirts playing tennis", "several children are watching a tennis match on a sunny day", "several friends watch the tennis match for kids on a court", "a group of people in pink dress uniforms standing behind a fence", "a woman serves a tennis racket at an doubles doubles practice", "several people playing tennis on court next to fence", "a group of people on a tennis court holding racquets", "a group of people standing by a fence and building", "a group of people standing around a tennis court", "a group of people in a pink shirt play tennis", "an image of a group of people on a tennis court", "playing and tennis it tennis on players tennis player a the court tennis fence two women", "a group of people hanging out between a fence", "group of people holding tennis rackets at a tennis court", "a lady is standing with tennis balls on a practice court", "people with tennis racquets and pink shirts and pink clothes playing on an", "tennis players stand in the shade near a fence", "a group of tennis players standing on a tennis court", "pink tennis team is waiting on the court with their coach for the ball", "a group of people playing tennis on an indoor court", "a group of people are standing in the tennis field"], ["a view of a woman walking her small number of goats across the street", "a sheep in a group of sheep near a grass area", "a group of sheep stand off the road leading each other", "a herd of sheep under a blue sky", "a sheep is seen taking a photo in the car", "a herd of animals coming down a side street", "a herd of sheep walking on the side of a road", "a man is watching a herd of sheep in the street", "a picture of a herd of sheep grazing in an empty field", "some sheep are walking down a street along the sidewalk", "a flock of sheep traveling across the street", "a herd of sheep being walked down a city street", "a herd of animals herd a car with people looking inside", "a car going past a herd of sheep", "a herd of sheep walking across a dirt road", "a very large flock of sheep sheep are in front of a fence", "a car reflection looks out the side of a vehicle as a herd of sheep walk", "sheep grazing on a street by a tree", "a hand is reaching for the animal with a herd of sheep in a field", "a hand holding up with a bunch of sheep", "a herd of sheep walking along the street", "a person taking a photo with a herd of sheep by a tree", "a road mirror has someone holding their hand next to a car", "a close up of a person holding a sheep under a tree", "large herd of sheep grazing on dry grass next to tree", "a herd of sheep walking across a road next to a yellow line", "a driver looks into a car side mirror as a large herd of sheep walk away", "a dog and several animals walking in the street", "a flock of sheep being herded down a street", "a lot of animals some stone and cement", "a view of a herd of sheep in grass area, seen from car window", "a person wearing a shirt standing outside with a bunch of sheep", "a herd of sheep on the side of a road", "a herd of animals is walking across the road as onlooker", "a herd of sheep walking across a street with a herd of sheep grazing", "a herd of animals in a road as seen by a car", "a person taking a photo of a herd of sheep", "a herd of animals eating together on the side of a street", "sheep are grazing some grass in the street", "herd of goats are walking over the street in front of a brick wall", "a flock of sheep walk on a path", "car side mirror's view of a man taking photograph of a herd of goats", "a herd of sheep in the middle of a road", "sheep walking their sheeps through the pasture", "a herd of sheep being herded by a woman", "a flock of horses and goats are in a town", "there are a lot of sheep that are walking together", "herd of sheep are walking under a tree", "a group of sheep are coming down the side of the road", "a car taking a photo of a woman looking in a window", "a man feeding his hands to herd the sheep", "a person reaches up to touch a sheep on a tree lined street", "a flock of sheep on a side walk, with a flock of sheep grazing nearby", "a herd of sheep that is in the road", "a herd of sheep is walking down a road", "side view of car watching a group of sheep in a line", "sheep sheep sheep sheep herd flock sheep herd sheep and sheep sheep sheep sheep herd in", "flock sheep sheep herd herd a sheep animals sheep sheep herd a a herd a flock", "a heard of sheep in the sun eating from a trough", "a flock of sheep that are walking by a tree", "a bunch of animals walking around together in the daytime", "a car side mirror on a road shows a photo of sheep taking pictures", "some sheep are walking in next to the road", "sheep that are standing on the side of a road", "a flock of animals walk across the street in front of a side by side car", "a crowd of sheep is following one person and outside of a car", "herd of sheep resting in the middle of a day", "a photo of several animals in the road", "a flock of sheep are running across the street", "herd of sheep in a city setting", "the people are hand out with their vehicle open", "the herd of sheep are walking together near the tree", "a herd of sheep is approaching a window", "a person taking a photo of sheep along a sidewalk", "a flock of sheep walking across a street", "a flock of sheep walking down a street", "a young white sheep flocking a herd of them", "a herd of lambs that are standing in the street", "a side mirror and side mirror picture of herd of sheep", "the large flock of sheep walking from the side car to the door", "a flock of sheep is grazing in a road", "a flock of sheep following the road", "sheep hanging around a man is looking at the camera", "the group of sheep are gathered together together", "many sheep are travelling down the mountain road", "a bunch of flock of sheep are on the street", "a herd of sheep are walking along the sidewalk", "a heard of sheep standing in opposite directions", "there are sheep coming together as seen in the side view mirror", "a flock of sheep are gathered together behind a car", "a bunch of sheep that are in the road", "a hand holding a woman's thumb with a field of sheep grazing in front", "a group of sheep eat grass near a tree", "a picture of the herd sheep sheep is in the street", "a group of animals that are walking out of the water", "a photo of a car is riding inside", "a person petting a hand with sheep and sheep in the background", "a tree in the foreground is a sky in the background", "a person reaches towards a flock of sheep walking beside a rock wall", "a group of animals that are standing in the dirt"], ["a large red courtyard plaza setting near a water fountain", "a grass meadow with many chairs and trees and green grass", "ceremony a a there white chairs a ceremony in many trees outdoor ceremony people large chairs", "a large open area with chairs and tables", "lots of chairs in the park for an outdoor event", "the large of this is a brown number of picnic table - chairs", "a large room surrounded by tables and chairs", "sit empty red chairs banquet seating folding stack patio chairs chairs event a chair f chairs", "a large field full of chairs filled with chairs", "a large number of metal chairs of varying sizes are in a plaza", "outdoor area with multiple tables in open space", "rows of chairs sitting in front of a fountain", "the lawn is covered with many green grass", "a large pile of very close pile of chair seating sitting outside of a building", "green leaves on the side of a grass filled green space", "green grass field in front of some buildings and a lawn", "grass green park lawn lawn benches grass grass grass lawn grass lawn lawn lawn grass grass", "white chairs and plates are used to set up a large gathering", "a table filled with rows of pink and silver chairs", "a number of tables under large trees on a sunny event", "a large room set at a function for an audience", "a large green lawn with a lawn in the lawn", "a event space is set in a park on a sunny day", "chairs folding chairs tables white tables tables conference table table table chairs red chairs table red", "rows of empty tables are at an event", "an pink rows tables chairs set in chairs many chair and pink a sitting ceremony red", "rows of tables set up in the park before an event", "a line of white folding chairs set up for an event", "there is a field of chairs for a graduation or ceremony", "several rows of benches on the grass for a conference", "an outdoor outdoor event with green grass and grass lawn and green grass benches", "rows of chairs is set on the grass outside", "the empty lawn of a college with people", "rows of chairs outside for a patio lounge chair sitting on a patio outside", "a field is filled with a large number of white chairs", "a field full of chairs and a lawn area of some chairs", "two people are looking at a sky over the horizon", "a large green field full of pink tables and chairs", "a crowd gathers under white and pink umbrellas", "table many sitting chairs lots park white rows chairs chairs chairs lawn rows park a people", "many green grass and grass are scattered on the ground", "a lawn full of chairs chairs are shown in green grass", "large tables and chairs in a city square set for a community gathering", "tables and chairs are lined up in a large field", "many tables empty on pink tables and place mats", "a large wedding setting area at a event", "a park that has chairs and a lawn in the grass are filled with white chairs", "a long courtyard outside a courtyard setting covered with chairs and tables", "a number of chairs stacked up by one another", "a field full of green grass with a bunch of grass", "an image of a big grassy field audience at a conference", "a field of grass grass and a large building in the distance", "a photo of many chairs set in grass for an event", "a large lawn covered in grass with lots of different buildings", "a big field that has lawn and many chairs stacked up on it", "a bunch of tables are in the green lawn", "a pink grassy area has a bush and grassy lawn", "a long open lawn full of picnic tables on a clear day", "the large area is a conference at old red state", "a grassy area near a group of rows of tables", "the trees in the area have plants that can yield and can not have leaves", "several rows of tables and chairs set out in a grassy lawn park", "a group of white chairs sit facing the red brick building", "a field covered in green chairs in the grass", "the photo is blurry \u300c a photo of the grass", "people are sitting around on chairs on the grassy lawn", "lawn with chairs and red lawn chairs", "field with several lawn areas, people walking", "a set of table with chairs near tables in a grassy area", "a large grassy full of chairs in an open area", "lawn with grass and grass as a part of the yard", "a green grassy yard in front of the museum", "a field of empty chairs is surrounded by some shade", "grassy area with lawn and tables set up", "empty white white chairs white tables white chairs chair white white white white chairs outdoor all", "an open view of a tree filled with white tables and chairs", "a picture of a park with green grass in the day", "a bunch of chairs and tables are set out outside on a yard with grass", "a large outdoor gathering set up in a public area", "a green field with a lawn full of grass", "a lot of round tables and chairs on the grass in a field", "several large and red tables in a park", "a group of chairs in pink sitting around a circle", "a grassy green park area with chairs and lawn", "large green trees surrounding several tables and benches", "many tables and people in a park are in a grassy field", "white chairs are in the grass of a park with trees in the background", "i am unable to see an image above", "the large park is full of picnic tables in the evening", "a concert set up in a field, for an outdoor event", "there is no image shown this past as of this day", "a empty row of white chairs sitting in the center of a courtyard", "a pile of white lawn chairs sitting on the grass", "an outdoor event is empty chairs set up", "the empty seats are all empty and a person walks away from them", "an auditorium filled with tables and chairs set up for a stage", "the empty outdoor lawn field is full of green lawn chairs for lawn", "a grassy lawn area with empty chairs to each of the lawn", "rows of chairs in a green field of people in lawn chairs", "auditorium table table chairs chairs chairs chairs chairs lecture red pink red outdoor tables pink and"]]}, {"question_id": 4127708, "question": "Is it true that there is 1 image that contains exactly 2 stone benches?", "answer": "no", "captions": [["the small girl is sitting on the bench", "a person sitting on a bench near the park", "the young girl is on her back on the bench", "small small girl in a bench in a park", "the little girl sits on the bench in the park", "a smiling her blonde the a little the todd a a a smiling a she holding", "a child is sitting on a bench in front of benches", "a small girl resting on top of a metal metal outdoor bench", "the girl sitting on the bench, on a sidewalk", "a girl smiling as she sits on a bench", "a little girl sitting on the tile floor of a city sidewalk", "a young girl wearing a pink pajamas jacket and a cardigan coat plays on a", "a little girl is sitting on iron benches while she sits on a iron chair", "black benches where benches are metal, black bench", "a child on some metal chairs at a park", "a baby girl and girl sitting on some benches", "a young girl is sitting alone on a bench", "the small park bench is located around the corner of the sidewalk", "a little girl is posing for a picture", "a toddler is sitting on a metal park bench", "a little girl sitting on a bench looking back at the water", "a child sitting on a metal bench", "a little girl that is sitting on some steel benches", "the little girl is sitting on the bench together", "in chair child a a seating todd sitting child on sit a the is child small", "a toddler in a cardigan jacket eating ice cream", "a toddler smiling while sitting on a iron bench", "small very sitting a a a young children todd in on one a this a a", "a small child sitting on the metal park bench, a child is seated on the", "a bunch of benches with some people sitting on it", "a young child is sitting on a park bench", "a little blonde girl sitting on a bench on a street", "a little girl sitting on a bench on the sidewalk", "a baby is sitting on a bench, smiling", "a black and white metal bench and a metal lamp", "the toddler is sitting on a bench", "a little girl sitting on a metal bench", "i'm not getting the park bench to go there", "a cute little girl sitting on a bench", "little child on park bench at outdoor park with park benches in the background", "a small girl laying down on a park bench", "small toddlers are sitting on park benches", "a child sitting on a bench by a pair of steel benches", "a little girl sits on a bench outside", "a toddler sitting on a park park bench", "a little child sitting on a park bench and a little girl", "one young girl sitting on a park bench and one sitting on a bench on a", "a small toddler girl in front of a tree", "a young child stands in front of three park benches", "a young girl is sitting on a bench with her arms crossed", "a baby girl on a bench outside in winter with wind coat", "a toddler sitting on a bench looking at someone, behind it are several park", "a young girl sitting on a brick walkway", "boy and toddler sitting on bench in park", "a child that is standing on a bench with some shadows", "a young blond girl, sitting on a bench with the sun shining", "a young toddler girl sitting on a wooden park glider", "a little girl is sitting on top of a park bench", "large toddler sitting on a black bench next to another bench", "a little girl sitting on a bench on a brick sidewalk", "a young girl girl smiling in a park", "a baby girl standing on the sidewalk between the metal benches", "a baby sitting on a metal bench near a wooden walkway", "a row of benches on a brick patio surrounded by park benches", "a child sits on a bench on a sidewalk", "a little girl sitting on a bench in the park", "a young girl sitting on a bench between benches", "a little blond girl poses on a chair with a black iron park seat and black", "a little girl sitting on a bench in a park", "a little girl hugging another children on a metal bench", "a little girl that is sitting on a bench", "a young blond haired todder sitting on a bench on a city street", "a young girl is sitting on a bench in a city", "a little girl sitting on a bench on a sidewalk", "there's no better way to sit on a bench with the toddler than", "a little girl is sitting on a bench", "a young blonde haired little girl sitting on a tiled floor", "the metal bench has two benches that can be either used or not as benches", "a little girl sitting on a bench next to the water", "a baby sitting on a bench on top of a brick road", "a small child sitting on a bench in front of a bench", "a young girl is sitting on the bench on cobblestone", "the small girl is riding a bench posing for a picture", "a little girl sitting on a metal park bench", "there is a small child sitting on a bench", "a small girl sitting on a bench looking at the camera", "a young child standing on a metal bench with three benches behind her", "a little girl sat on a public bench", "a little blonde girl laying on a metal bench", "bench public sitting this sitting for todd girl with as down while of baby todd sitting", "a little girl sitting on a bench at the park", "child standing on bench on outdoor area near park benches", "little blond blond child girl sitting on a iron bench", "a child sits on a metal bench with a jacket on it", "some green park benches some metal benches and a tree", "a young girl sits on a bench in a park", "a young girl sitting on a bench on the sidewalk", "a young girl sitting on a bench in a public bench park", "a young girl is sitting on a park bench", "a young girl sitting on a black bench"], ["a couple of flowers on a rock bench", "a window and bench with a window flowers in the window", "a wooden bench and bench with an upside window, and there bench and bench bench", "yellow flowers flowers in yellow sunflowers and a bench near the window", "wooden bench sitting in front of a window", "an area bench and bench, made out of small bricks", "the small bench is sitting next to the wall", "a stone bench is shown from the window of the window", "a flower decoration of flowers sits displayed in the window of a building", "a window that is inside a brick wall", "a window and bench from on a large window", "window flower sitting yellow flowers and sunflowers on a rainy day", "a bench sits by a window with a flower basket", "potted plant outside with flower in pot in flower plant and stone bench by stone", "a clay flower pot and bench next to a cement walkway", "a bench sitting outside with it's reflections out of a window", "a bench and flower yellow and some flowers and yellow bouquet", "two clay vases filled with yellow flowers and vases sitting between a wooden bench", "benches and flowers on a bench outside", "the reflection of a window view behind a bench", "a potted plant sitting outside of a clay pot and a wooden bench", "a photo of a bench and a bench by a house", "a bench, flowers and benches are placed in front of a tall brick building", "window and a bench, flowers in a window over a concrete bench and flower vase", "a vase flower pot on a bench and a window on the wall", "the bench is near the window, near a potted flower and a simple bench", "a bench and the bench are sitting outside a window", "a park bench has flowers displayed on it", "a window that is window filled with sunflowers", "a plant pot on a concrete bench near a window", "bouquets of sunflowers are shown on a bench", "a window reflects grass and flowers with rain", "a bench on the side of this concrete bench and a wooden bench", "a wooden bench sitting underneath a window", "a park bench reflected in a window onto the bench", "a window with sunflowers and daisies and sunflowers placed at the", "a vase and flower pot sitting on a bench", "a beautiful arched window that is above the outside bench", "an animal standing in a stone planter with a bench", "the sunflowered flowers are yellow and yellow from flower in the window", "some flowers are hanging on a window ledge", "a bench in front of a window covered with brick", "a window has a bench outside and a bench outside", "small outdoor bench in front of a building", "reflection of a window and some benches sitting", "the small bench is next to a wall with sun lilicils displayed", "a bench and bench are outside of the window", "a gray bench bench next to a yellow sunflowers", "a reflection in the window of a red brick wall of a house with a clock", "a view through a window looking outside in a mountain city", "a flower pot on an concrete bench and flower vase plant pot brown pots sitting around", "a bench has two benches underneath the glass", "pot in flower vase outside on a sunny day", "plant flower window with moss plant in window and bench", "bright spring flowers are on the window at the window", "a stone bench next to a wall with a door", "a bench with a bench underneath near a bench", "a very old bench on a gravel pavement near a stone bench", "the concrete bench bench sits outside of the brick old building", "sun sunflowers with flowers sitting on a mossy bench", "a bench next to a window filled with flowers", "a concrete bench is near a window with a black bench", "vase with flowers flowers near the window and a wooden bench", "a small clay planter filled with lots of sunflowers sitting on a stone", "stone bench, with planter, and bench in flower pot displayed near bench", "i reflection is reflecting the building outside", "a gray bench sits next to a window and green moss", "a bench next to a building with benches on the side", "a window that has flowers in a planter hanging", "a bench is on a cement bench by a brick building", "a bench with a windows filled with yellow and yellow flowers", "the bench area is near a bench with flowers", "the pots are sit on the bench that is outside", "a bench outside a window and a bench", "pot in large concrete planter on brick window sill", "a bench with a bench and a mirror with a bench", "a bench sits in front of a window and is covered in sunlight", "a bench and a small window in an old stone building", "a park bench near a bench that has a plant in it", "a red brick window with a benches bench on the bench", "an window in an old factory is broken and a potted plant in it", "vase and yellow flowers view in the same window plant", "the window and bench looks out at a wooden bench", "a bench near the window and flower reflection", "a bench and a window with a planter", "a bench and bench against a brick wall", "a wood bench next to a flower planter", "a bench is parked in through a pansies and yellow flowers in a window", "outside a window, you can see a park bench and sunflowers", "a window with flowers is overlooking a mountain landscape", "a bench sitting underneath a brick wall with a vase on it", "an old black - seat and a bench made to look like a bench has a", "a bench sitting on concrete near a window and bench", "a bench that has a flower on it with flowers in a plant in the window", "a wooden bench sitting in front of a window", "an antique bench and a potted plant and a concrete bench sit on an old", "a bench, and bench with an stone bench", "bench outside bench window bench ledge bench bench bench bench a bench window bench a a", "bench near cement wall near wooden bench and red fire hydrant", "a beautiful reflection of a bench in a large window"], ["benches, benches in a park and a bench on a bench", "a bench that's placed behind a bench that has a bench on top of", "park benches and a cement bench on the pavement", "the water volunteer fire hydrant sitting on a bench", "a bench sitting on a park next to a bench", "a pole with a bench on another side, next to the pole", "a wooden park bench and bench near some benches", "a black metal fire hydrant and a bench in the background", "a bench in the park lined with benches", "a park bench near a bench with a park bench in the foreground", "bench and table with a bench, benches sitting in the background", "an empty bench on one side of a trash can", "a park bench and bench at a river park", "a large black park bench sits under a street light", "a benchestone is along the water side and by a waterway", "a park bench and a bench with a black pole", "a bench of a waterfront waterway and a bench and bench on a bench and water", "a street filled with benches sitting under a street light", "benches in front of a bench and on a sidewalk", "the picture shows a close up portion of a bench that has been made of metal", "a post box that is sitting next to a wooden bench", "a black fire paper box on a sidewalk", "bench and bench on a park lined with benches next to a bench and bench", "a wooden bench sitting next to a beach", "a large brick sidewalk of a city park", "a wooden and concrete street lighting sitting near pavement", "a park bench on the side of a street next to a bench", "bench in a park, sitting in front of a bench bench", "a newspaper box sits on the concrete side of the street", "a stone bench and bench next to a park with benches and a park bench", "a park bench next to a wooden bench", "a couple of fire hydrants sitting on top of a sidewalk", "park benches benches and outdoor lamp lights on a pavemented area", "a bench sitting next to a park bench and benches", "a bench and bench next to a black post", "benches the park park bench park bench benches there bench park park park park park benches", "a pillar a bench a park bench and a cement bench", "a picnic bench and a bench bench are next to each other", "a wooden bench and a gas station fire hydrant", "park bench and bench on some empty concrete bench", "this is a black mail box located on a bench", "a trash can and bench on a side walk", "a fire hydrant sitting next to a bench", "a park bench is by a stone stone bench bench is near an empty bench", "a park benches near a bench on either side of the road", "a post on a bench and another bench next to it", "a park bench sits on the sidewalk near a bench mounted trashcan", "bench bench park by benches bench park street memorial bench sitting benches cement wood park a", "an old fire control in the park with a bench", "a bench and an iron water filther at the beach", "a bench on a sidewalk overlooking a body of water", "a bench with a park bench underneath a sign next to a bench", "a bench sitting on top of a sidewalk next to a bench", "benches, a bench and a trash recedingal in a park", "park bench and bench benches near bench bench benches benches bench and wooden park bench", "fire trash stone black letter black newspaper mail pillar trash fire litter rather black fire black", "a black box for trash sitting on a brick street", "a black mail box sits near a bench by a park bench", "a bench and a black trash can combo on the sidewalk and the bench and concrete", "cement benches and benches on plaza with wooden benches underneath the blue sky", "wooden park bench bench and a rectangular water filter is the focal for this", "a bench a bench a bench a wooden bench a bench and a park bench and", "a bench and a park bench are on a concrete path next onto a sidewalk with", "black park bench on stone outside looking a sign on a pole", "a couple of benches next to a cement bench", "a black fire hydrant standing at the curb to a water canal", "a black trash can next to a wooden picnic table", "a black trash can in front of a small metal bench", "a british fire hydrant and street sign on the seaside", "a benches and park are along the side of the road", "a mailbox sitting on a bench next to a bench", "a wooden bench with a bench next to it", "an empty park bench near a wooden park bench and a bench with a street light", "a metal trash can sitting on the ground next to a wooden bench", "a bench in front of a body of water near a bench and a bench", "a bench the benches and a bench are not empty", "a vintage post box on a bench with park benches", "a bench has a bench is next to a bench", "a large pole is on a sidewalk next to a street sign", "cement park park public park bench bench park park bench benches on park park park no", "a long bench and a bench on a street", "park benches on the side of the street in front of a street sign", "the beach beside the water and a bench on the one side of the river", "a couple benches sitting next to a park bench", "bench park park park park park a black park park on rustic park park park street", "park benches and benches placed on a street by the water", "a black and gold dust bin and bench on a sidewalk", "a fire hydrant that has some benches around it", "a bench that has concrete blocks and benches near in different stages of the photograph", "bench and park bench next to benches on park bench next to bench with bench at", "a vintage mailbox sitting along a sidewalk next to a fence", "a trash can sitting near a park bench and bench", "a park set with a bench and bench next to a bench", "benches sit on concrete benches beside a metal structure and bench", "a black trash can in a city outside", "a street light on a sidewalk in a city", "a square bench sits next to a black pillar box", "a metal mailbox sitting next to several benches", "a bench and bench with a trash can near a bench", "a fire hydrant sitting on a sidewalk next to a bench"], ["a train pulled through the tracks under a roof", "a train engine on the track with gravel next to it", "a street that has train tracks and the sun light shining through the window", "the city transit train train at the station", "a big long train on the tracks", "a train car with an yellow cab sitting on the tracks", "small train is ready to cross the ocean by the dock", "train on tracks as bikes cycle past by", "a passenger car is pulling into the station, leaving its passengers on the platform", "a stop sign at a train station near gravel and gravel road and trees", "the train is sitting on the tracks near the station", "a small train travelling and going is very interesting", "a train is moving into the station on rails", "a train is on the tracks in the gravel", "a large metal and wood structure with a steel frame", "a train traveling down train tracks near train station", "a stop sign sitting inside of a train station", "a photo of a person with a camera", "train car on the tracks in the mountain and in the background", "a train is pulled up to the station after arriving", "a small train going down a crowded train station", "there is a train passing a station on the tracks", "train train train a train looking station train railway train train train station train rail railway", "a vintage passenger bus waits on a rail", "there is a single train on the tracks", "a photo of a man in front of the sun", "a train coming down train train tracks next to a building", "a train on the tracks in a small town", "the train is standing on the train tracks in front of a mountain", "a subway train train train train rail museum in the valley", "there are lots of tracks near the station", "the small train is traveling down the tracks near the station", "old train station, with passengers inside a tunnel", "an elderly sign on a tree post at a park", "a train traveling down graveled track next to mountains", "a close look at the train tracks and the tracks the train train is on", "a small child wearing a backpack sitting a table", "a young person is traveling down the tracks to the train", "a train sitting inside of a train station area", "this is a picture of a very nice day", "a passenger train pulls up to the station", "a train is running on the train tracks", "a passenger train stopped at a train covered by snow", "trains on a train track at the station", "a small train passing through the road", "the image is of train station near train station", "a train with mountains in the background", "a train is going down the tracks on a rail", "a train parked at a station near a building", "one car is parked near a bicycle bike and a bike", "a small vintage passenger bus sitting idle on the tracks", "the old looking passenger train is waiting for passengers", "a train car on a metal track next to the tracks", "a passenger boat at a train station with signs and sign", "a train station is shown with a bus stop under an awop", "a train sitting at a track in the countryside", "a train on its tracks passing through a mountain", "an old style train traveling side by side on a track", "a train car on the train tracks near some grass", "looking a old fashioned train is sitting on the gravel", "a narrow train passing a station with tourists waiting", "small trolley engine train on a empty - railway", "a train car traveling through the country", "a train passing by a tree covered area and a white building", "view of a single passenger train coming in day to city", "a train parked at the train station terminal", "a photo of one train at a station platform ready to change", "a bus is stopped underneath a large covered pavilion", "a train platform and several tracks with train cars", "the train is parked in the station yard where the coach will be stopped on one", "a train train on railroad tracks near railroad station", "a train is passing by in the daytime", "a train rides down the street the day before thanksgiving", "a train at the railway station, just before we get into town", "a small trains and tracks on gravel in a desert", "an old train is parked underneath an attached roof", "a train has all of the essential funnies of eating", "a small building next to a white wall", "a train is riding inside of a station", "an image of a train station waiting to go on its time", "a train is parked on the tracks of a train station", "red train car parked in a small area", "a red train at a station with the view of the sun", "a small train engine is traveling on the tracks", "this is a train that is waiting for a passengers", "a train at the station, stopped in a spot of white building", "a large open space at a train station with a clock", "a brown and gold train is in a tunnel next to a building", "a passenger train that is sitting on the tracks", "the transit train is on the tracks at the station", "one passenger travel train passing through the country side", "large red passenger train on tracks in small remote area", "an old train station with train cars parked", "the old train is on the tracks, parked at the station", "a small train car sitting on the tracks in front of a white background", "a train on tracks going up the track", "an old red train passes thru a rural area", "a brown train car on graveled gravel ground", "a train station next to the mountain has mountains in the distance", "a train in an outdoor train station"], ["an image of a woman sitting on a bench", "two women that are posing for a webe lens", "a couple of women sitting together on top of a stone stairs", "two women sitting on top of a table near a bench", "a couple of ladies siting on a bench in front of a crowd", "female women photo women two the people two two two a a two in two two", "a woman in a bag sitting on a stone bench", "a group of women sitting outside under an open umbrella", "two young women sit on cement benches and look to their left", "two beautiful ladies, sitting outside at the west end park", "two women sitting on a bench in a park", "two women sitting on stairs near one another looking at the camera", "a person is sitting on a bench in the park, looking at the camera lens", "the small park bench is filled with people at picnic tables", "two women sit side by side at outdoor event", "a couple of women that are sits on a bench", "people are sitting on a bench on the sand", "two women sit on a bench while one of them is holding an umbrella", "two women sitting on ledge near park bench", "two women sit on a bench while a group of people stand behind it by", "two women that is sitting on a bench near the camera", "a picture of a one and a another people and a girl with an umbrella", "stone a these sitting sitting bench benches a this cement stone outside sitting three asian two", "two girls are sitting on concrete steps and one woman has her nose up", "two women sitting on steps of benches with one sitting on a bench", "a park bench with flowers on it at a festival", "two women that are sitting on a building ledge", "two women in casual dressed pose holding a parasol", "two women sitting on concrete bench posing for a photo", "two women sitting on a bench and one holding a umbrella", "two women sitting on a park bench under a tree", "two beautiful women sitting on a bench with legs spread and smiling", "some pretty people sitting at a table together", "this is two beautiful women sitting under an umbrella at a park", "two girls sitting down holding an open umbrella", "two women posing for the camera, in front of a crowd of people", "a close up of a person with umbrella", "two women sitting under a tree outdoors, with one woman", "girls pose for a picture in a gathering of people outdoors", "a couple of women sitting under a umbrella with one holding an umbrella", "people sitting on a bench in the park", "bench two people benches bench 2 a sitting and left two photo 2 outside women two", "two women with umbrellas at an outdoor fair", "a take park sitting sitting bench in some a benches sitting bench and one and some", "a close up of people laying under tables at an event", "they are sitting on a concrete bench", "a group of people outside sitting on a table", "people sitting as they smile at the camera", "people and with park people a a a park park park outdoor two photograph camera sitting", "two women on a staircase sitting down under a yellow parasol", "two women sitting on a bench under an umbrella", "a outdoors a two women sitting steps park sitting sitting bench, bench bench benches two", "the girls are sitting on a park bench", "two asian women sitting on a stone bench in front of some people", "a couple of people sitting on a bench", "men and women sit at a picnic at the park", "two women sitting on a stone bench", "a couple of friends are posing for a photo", "the girl on a park bench has her legs crossed", "two woman having a conversation at a park", "two beautiful women sitting by a tree on a bench", "a young person dressed in blue, smiling in front of one girl and a crowd", "two woman sitting on stone ledge next to each other", "two women sitting together on a sidewalk next to each other", "two women sit on concrete benches holding small umbrellas", "three women taking a sunny break at a music concert", "a couple of women sitting on a cement bench", "two girls that are sitting and smiling together", "a person sitting on a cement bench with a purple umbrella", "a circular view of people sitting and standing on a ledge", "two women seated under a umbrella on a concrete bench", "two women pose with umbrellas on a bench under a tree", "two women sitting on a bench on a busy marketplace", "two women are sitting on a bench outside", "a person sitting on a park bench with an umbrella", "a couple of women that are sitting on a bench", "two girls are sitting on a bench outside", "a pretty young woman sitting down on a concrete bench", "two women sitting on a cement bench while holding umbrellas", "a photo of two ladies sitting on a park bench", "two women are together posing for the camera", "two women are sitting on their knees and pose for the camera", "some tourists who are sitting on and around a couple of benches", "the ladies are on a small bench outside", "two gothic punk girls sit on a bench under an umbrella at a japanese tourist resort", "the girl has short brown hair and lots of bracelets", "people group and people while the outdoor bench self sitting 360 fish benches two while seated", "a group of women sitting on top of a cement bench", "two women posing with one holding a fashion like parasol", "two women are sitting on the corner of a stone bench", "two young girls sitting on concrete benches next to each other", "people are seated under umbrellas on a bench", "woman and umbrella on bench in tree lined area", "two women sitting on top of step, one holding an umbrella", "a couple of people sitting on top of a cement bench", "two women sitting on concrete bench near tree", "a group of asian females taking a photo with an umbrella outside", "a person sitting on a bench under an umbrella", "two women is sitting on a concrete bench", "two people sitting on cement steps holding drinks"]]}, {"question_id": 4629003, "question": "Is the girl that is wearing a hat snowboarding or reading?", "answer": "reading", "captions": [["a young woman with a serious look poses at a table", "a a a sitting woman boy woman lady girl making boy young eating making a a", "a woman sitting with a plate of food while looking at the camera", "plate plate two bun coffee a plate sandwiches dough breakfast sandwiches plate sandwich sandwiches that two", "a man is eating while sitting at a dinner table", "a young girl sits at a table with hands on her face", "teenager eating at white table while looking at his finger", "a woman sitting at a table eating cake", "a girl sitting at a table in a room looking at the camera", "a woman in front of a laptop eating", "people eating a healthy meal that has salad with a knife and fork", "a child sitting in a table at a restaurant with food", "a person eating a plate of the same plate on a table", "a young girl sitting at a table eating a dessert", "a person is eating a plate of some food", "a young man is eating a plate with a hotdog on it", "a girl is eating a plate of some food", "plate eats one a in white a lunch plate eating a plate plates the plate plates", "there is a baby and his food at the restaurant", "girl in a white and shirt sits at a table", "the girl is having salad and coffee in a restaurant", "a man sitting at a table with a piece of orange cake", "a person cutting a sandwich at a table", "a young person at home eating a plate of food", "a person is eating a white plate at the table", "a girl eats food while sitting at a table", "girl enjoying a meal with wine and cream sauce", "a girl holding a green tennis racquet and looking down at the camera", "a girl sitting at a table holding a bottle of tea", "woman sitting at table with plate of food", "a teen at a table of food and drinks with drinks", "a woman at a table with a plate of food", "a boy at a table eating a plate of pizza", "a female sitting at a table with a plate of food", "a man with serious expression is about to eat healthy dinner", "a photo of a young girl sitting down at a teacup", "a cat that is eating something at the plate", "a man sitting next to a table of food", "a young boy is staring at a plate with his food", "a black child sitting and looking a little confused while smiling", "three girls sitting at a table looking at a plate full of food", "a young woman sitting at a table with food and glasses of wine", "a woman at a table and eating food - and drinks", "the young boy is eating dinner at dinner table", "person sitting at a table with coffee mugs in front of her", "a young boy is cutting into a cake", "a young girl using a coffee pot while eating", "a person eating a plate of food at a table with a cup of coffee and", "a woman sitting at a table eating food", "a girl looks on in her younger child's teeth", "a young woman is sitting outdoors holding her straw", "a girl with glasses having food and wine", "the young boy is enjoying slices of sausage pizza", "table pizza eating table a young a hungry two eating a a a people a young", "a girl sitting down to enjoying her meal", "a woman looks to the left with plates missing", "a child sitting at the table holding a plate with something in it", "a boy at a table with his food, one and one eating", "a girl is looking at a large plate of food", "a girl looking off camera while looking sideways", "young woman eating with plate of food at dinner table", "a plate with a plate of something on the end sitting on a table", "a white dog is eat eating a plate is food", "a girl is siting at a table with her half eaten plate", "a woman sitting on a wooden table", "a girl and another girl have lunch and are looking at something interesting", "female in white sitting and using a pill - holder", "a women sitting at a table looking into the distance", "a a girl young as teenager over one a a a young young a boy a", "a man with a knife and knife cutting the fruit", "a young boy sitting in a dine setting with a plate of cake", "a woman in a long white shirt with a plate of food", "man putting food on a plate on her table", "a teenager with dark hair at a table, at a school cafeteria eating bread", "a boy eating dessert at a table with a silver fork and plate", "a woman sitting at the edge of the eating meal", "a close up of a young woman at a glass", "a a child is having pizza from a table", "a female wearing a shirt sitting at a table", "a young woman with a meal in her hands", "a young woman looking at the breakfast half eaten", "young people eating a some hot the girl eat food with food a a a the", "a woman is at a table eating food", "a woman sitting around a dinner table, with a plate full of food", "an older woman looks anxious while eating food", "a girl is forking onto her plate full of food", "a girl is sitting at a meal preparation, a knife", "a man at a table eating food from a bowl", "a man is eating a plate with some food", "child lunch eating sitting a lunch eating at eating he eating a a food a in", "a woman talking near a white plate of rice", "child looking angry and upset while sitting on the couch", "a boy at table eating a meal in front of him and a bottle of water", "a young boy looking at a piece of pie on a plate", "a girl sitting alone with food in her hand", "a man sitting at table eating food with food left on", "a man is getting a nice meal for himself", "a boy sitting at a table with an unwelled remains and a plate of", "plates of food are on a white plate", "a woman is eating food at an asian restaurant"], ["an african child wearing hat reading book about town", "a young girl in a yellow hat reading a magazine", "a woman is reading a magazine while wearing her straw hat", "women fed in yellow woman magazine hat reading magazine a a a book, open reading", "the young woman is reading a newspaper and drinking a beverage", "a lady with a sun hat wearing a hat drinking and reading books", "a young girl sitting on a bench wearing a straw hat reading and drinking a beverage", "a girl has a hat on her hat while drinking a cup", "a young women reads magazine while reading a book", "a woman is reading a magazine and a dog sitting on her lap", "a woman reads newspaper while wearing a sun hat", "a young women eating a hotdog and drinking a cup of coffee", "little girl wearing a yellow hat and reading a magazine with a magazine opened with a", "wearing books little little young sitting news sun a reading being in a reading newspaper read", "a young girl sitting on top of a wooden bench reading a magazine", "a child in a hat and a hat on reading a book", "there is a girl with a fedora reading a book", "a girl wearing a straw hat, red lipstick drawing a picture of a horse hat", "a girl reading a book while wearing a sun hat", "girl reading news paper drinking tea and drinking coffee", "a women wearing a sun hat and holding a magazine", "a person sitting on a bench looking at a newspaper newspaper", "a woman wearing straw hat and dress, reading a book", "a girl in a straw hat is reading a book", "a woman with a straw hat and a straw hat reading a paper", "a female college student sitting in the sun wearing a hats sun hat, sunhat", "a woman reading a newspaper and a straw hat as it drapes her hat as", "an asian girl eats a hot beverage and eats from a cone while sitting on a", "magazine sitting read reading in a in magazine magazine is, newspaper newspaper read newspaper young", "a girl sits on the back of a park bench reading a news paper and drinking", "a lady in a hat looking over her newspaper", "a girl in a wide brimmed hat is reading", "young girl wearing a fedora hat holding a paper cup", "a girl reading a newspaper wearing a straw hat and reading a newspaper", "a woman in a yellow hat wearing fedora and sun hat sitting on an outdoor", "a young woman in a hat sitting on a bench wearing a hat and a straw", "a little girl with a straw hat is drinking red liquid and reading a book", "a young girl wearing a straw hat while looking at her phone", "girl young reading reading in reading girl woman and reading outdoors wearing reading reading reading reading", "a little girl wearing a hat reading on the sidewalk with a glass of ice cream", "a woman dressed as an old woman with big yellow sun hat wearing a straw hat", "a woman reading a book while reading a magazine", "girl with a straw hat looks at the book and drink while sitting", "a women that is sitting down reading a book", "reader books the reading reading reading a while the little asia reading a the magazine asian", "an hat a lady newspaper newspaper magazine woman newspaper newspaper read magazine newspaper newspaper magazines magazine", "a woman is reading a book while reading", "woman wearing a sun hat reading a book while wearing a straw hat", "with with book reading summer girl reads girl reading books books young books beach hat reading", "a child is sitting on a bench holding newspapers and a hat", "a woman reading a book in a cowboy hat", "a young girl reading a book with a hat on her head", "a woman wearing a hat is reading a magazine", "a woman with a straw hat reads a magazine on the sidewalk", "a hat and newspaper hat while a man read newspaper a hat", "a girl sits on a bench reading a book", "a woman wearing a hat and drink drinking coffee", "woman reading a magazine by green leaf covered man", "a girl is outside enjoying a beverage, a cupcake and a hat", "a person reading a book wearing a hat and holding a book", "young reading reading woman woman woman girl and wearing newspaper and reading and read asian reading", "lady, a paper magazines sun reading having reading newspaper reading a paper on coffee newspaper", "a girl holding a cup of coffee, and reading her cookbooks", "a - a girl a reading reading reading while reading reading writing while reading reading reading", "a girl in straw hat reading while drinking white coffee and drinking", "a young teenage girl wearing a hat reading a newspaper", "a hat on a girl reading a book", "a woman sitting on a sidewalk reads a textbook while wearing a sun hat and a", "a girl sitting while holding a hat and reading a book", "a young girl in a cowboy hat reading and drinking coffee", "reader woman book in woman reading newspaper while newspaper newspaper newspaper with newspaper magazine magazines newspaper", "a woman sitting in a yellow straw hat and holding an open magazine", "woman reading with an entil book and cup of coffee in hands", "a hat and straw hat holding a magazine", "the woman in hat is reading a book on the bench", "a girl reading a book while wearing a straw hat", "a girl in hat wearing a wide top and a hat on", "red a woman book woman a a the a a girl book an being reading a", "a young woman wearing a straw hat holding a beverage", "there is a woman studying in there chair while she enjoys the paper", "a woman woman of lady reading a on looking reading reading reading reading a a a", "girl in a straw hat looking at a book", "a woman reading a magazine and a straw hat", "a man on a bench reading a book and drawing a picture", "a lady reading a magazine outside in a sunny day", "a young girl reading newspaper and writing news", "young girl reading while reading her paperback and hat reading", "a young lady is reading a book while wearing a sun hat", "woman wearing a straw hat reading a paper magazine", "a photo of a young woman holding a cup and takeout of water", "a hat is wearing a straw hat and reading a book", "a young girl with a straw hat reads a magazine", "a woman in a hat is reading a newspaper", "a person sitting down reading a book, a hat, and some newspapers", "a woman reads a book to a girl in a yellow hat", "a young girl takes time to read while dressed for summer while holding a hat and", "newspaper newspaper reading sitting of a reading reading reading reading a newspapers reading girl newspapers reading", "a woman wearing a straw hat, floppy hat and straw hat reading a book", "girl with a fedro hat reading a newspaper", "a young girl wearing a hat reading information reading an umbrella"], ["two young children are playing soccer together on a field", "two female soccer teams are playing soccer on a field", "people playing soccer in a girl in dreads", "a woman running at a ball down a field", "two girls are playing soccer on a grassy field", "a female soccer player attempts to get the ball past the opposing opponents", "a couple of girls running down a track next to each other", "two girls playing soccer next to parking cars", "a person on a soccer court during a game", "a girl is kicking the ball soccer during match time", "women who are playing soccer while one is looking at the ball", "girl running across a soccer field next to another girl", "a group of people standing next to one another on a road", "two women on a soccer playing field", "a couple of girls playing with a ball on a field", "there are two woman soccer players taking a break", "two girls are playing soccer, just about to kick the ball", "a girl runs and kicks with a ball with other girl", "two soccer players play a soccer ball while another one looks on", "a man with a long black hair plays the ball while a woman watches from behind", "a girl in a white shirt running next to a girl in a purple skirt with", "many young girls are playing a game of soccer", "female girls female running girl female girls is and woman a two girls in a running", "two woman are running one after the other", "the girls are playing soccer on the green", "two girls are standing near each other on the field", "an image of a girls wearing a soccer game", "person passing another girl during a soccer game", "a couple of guys are playing a game of soccer", "a person running with a soccer ball on a field", "men playing baseball in front of a female look up", "two girls kicking with one woman running behind them", "a young girl being chased by a young man", "two girls on a soccer field with a soccer ball", "a girl in white jacket and white top playing soccer", "a woman with a ponytail is playing a soccer game", "two girls are running following a girl on a skateboard", "two women on the same side of the soccer ball", "a young soccer soccer soccer soccer soccer soccer boys female player ladies girls girls soccer a", "a group of girls are playing a game of soccer", "two young girls are wearing headties next to basketball", "a beautiful young woman standing in front of a basketball pole", "two women running past each other and one chasing a ball", "a woman on a soccer field with a ball", "two young women playing soccer on the ground", "soccer girls soccer soccer girl girls go photo girls soccer soccer soccer soccer running playing soccer", "two female soccer players are playing soccer", "two people are trying to kick the ball", "a women's soccer player, wearing a black shirt, and a girl with", "the boy and girl are running to play a soccer ball", "two girls running after a soccer ball with other ladies", "some girls fight the soccer ball on the soccer field", "two young women kicking a soccer ball on a field", "two girls in blue shorts are playing soccer", "a young woman wearing white kicking a soccer ball", "two girls are playing soccer during a game", "the two girls are getting ready to play soccer together", "two girls being in the same team of opposite sports teams", "a girl in a white shirt kicking a soccer ball", "two girls playing a soccer game on a field", "a girl on a white ball and a white ball playing soccer", "a young girls and a lady standing near one other", "two girls are on a soccer field one is attacking the ball", "the two girls are walking toward a soccer ball", "two soccer players both wearing a viking headband and headpiece", "a woman running after a red soccer ball", "woman dressed in black and white running after woman in blue and black", "soccer three kick kicking three players two kick female female female women kick soccer soccer black", "two ladies are playing in a soccer game", "girls on a soccer soccer field are playing soccer", "a group of women who are playing soccer", "two girls standing next to each other watching a soccer ball kicking a ball", "two young people soccer playing girls soccer on the field", "there are two people being watched over during a game", "a young woman looks on in the same direction", "one girl is jumping up to the ball", "a young female soccer player with a soccer ball on a field", "a girl is doing a soccer stance on a field", "two women are competing in a soccer game", "an image of a soccer player kicking the ball", "two young girls play soccer outside on a warm day", "two girl wearing high top on and running for the same team face behind", "two girls playing soccer in the grass, one ball on the field", "a woman kicking a soccer ball down a field", "two women running and one holding her arm out to the side", "two girls face a soccer ball while playing for the ball", "a woman is running on a soccer field", "a girl in a black sweatshirt chasing a soccer ball with another girl walking towards the", "young women playing soccer on a field with some equipment", "a girl with turban running with a soccer game", "a woman on a girls with long, ponytail buns playing soccer", "two female soccer players vie for the ball in a field", "two girls chasing a soccer ball while one girl with a ponytail playing ball", "two women dressed to sport their soccer gear each chasing for the ball", "a soccer game being played has two female players chasing for the ball", "a woman kicking a soccer ball around a woman looking back", "a young girl is playing soccer near a girl on a field", "a girl and a woman chasing after a soccer ball", "a couple of people playing soccer in a field", "a woman on a soccer ball running after after a ball"], ["a woman in a yellow shirt smiling at the camera", "a woman sits wearing a white dress and white tennis shoes", "a big smile is a happy woman sitting on a skateboard", "a young female smiling as she laughs on the camera", "a woman in a green and white skirt and red shoes", "a young young lady sitting on top of a blue skateboard", "a smiling lady who is all laughing in a room", "a woman sitting on a bed next to a pile of boards", "a woman sitting on the ground with her hands on her shoe", "a woman sitting on the floor on a small bed", "a young lady smiles on the bed as she laughs", "woman standing wearing green dress and sandals posing in front of white background", "young kneeling sitting teenage sitting a on the is young sitting sits sitting, is i", "a woman a wearing a wearing sit a knee a sitting sits shoes mid sit sitting", "young woman sitting on the white bed in a room", "a very young girl sits in a yellow top and orange pillow pillows", "young beautiful smiling woman in high low skirted skirt posing for camera", "a woman sits on a bed with a yellow shirt and green shoes", "a woman wearing sandals and a yellow shirt seated down", "a girl sits in high heels on her feet", "a woman sitting on a bed in a bedroom", "a woman sitting posing in a white - walled yellow shirt", "a woman sitting on the bed next to the wall", "a woman sitting on a bed, with luggage and a suitcase", "a woman in a bright top is posing on the ground", "a young woman sitting on a bed in front of a lamp", "a woman is sitting at the bed in the room", "a picture of a woman sitting on a bed", "a girl dress and skirt clothes standing in front of a yellow wall", "a woman with a beautiful smile standing in front of a room", "a woman posing for a picture in front of a camera", "young woman posing in front of a bed with orange cushions", "a girl wearing short skirt is sitting and smiling", "a woman sits on the bed and looks back ahead", "a young woman sitting in with a laptop behind her knee", "a girl sitting on a bed and looking to her left", "a small woman sitting in black shoes while wearing sandals", "a girl smiles at the camera wearing yellow clothes", "smiling and sitting smiling smiling a a a a smiling smiling smiling a a an girl", "a woman smiles while sitting on a bed", "a young woman sitting on the floor alone", "a close up of a women laughing in a living room", "a woman sitting on a bed smiling and looking at the camera", "a smiling girl sits on her white bed", "a woman sits poseted in the corner of a bed", "smiling teenage girl sitting on a small twin bed", "a young girl with short brown hair wearing a shirt and short black legging", "a woman sitting a a white background in a photo", "a girl in a yellow shirt and a blue backpack", "a woman sitting on the edge of a modern bed", "a woman smiling, sitting on an image of a man", "a young lady is sittinng on the chair in a living room", "girl in yellow top sitting on a bed", "young woman sitting on a white bed in a wooden floored room", "a young woman sitting on the floor in her room", "a bright yellow shirt with lots of pillow pillows and a book", "a young woman sits on a bed in a bright yellow top", "a woman sits on her right foot in front of a bed", "a woman sits on a red skateborder in her home", "a girl sitting on a bedroom bed wearing shoes", "a laughing woman sitting on a bed laugh", "a woman wearing short yellow sitting in front of her bed", "a woman is sitting on a bed in a hotel room", "a pretty girl sitting up on a big bed in a room", "a lady is laughing on a bed that is pushed up", "woman sitting on a small white bed, lamp on a table", "a smiling young girl sitting on a bed with several bags on a bed", "the woman is standing in a skirt and sandals", "a woman a yellow dress a skirt and shoes", "a woman posing in a yellow shirt and a green skirt", "a small smiling woman wearing yellow and boots", "a beautiful young woman sitting in front of a red and white bed", "smiling african made and sitting, a young made african the a seated of her seated", "a woman laughing and laughing at the camera", "small teenaged girl in a bed room in a hotel", "a smiling lady in summer dress sitting on a floor", "a photo of person seated on a floor", "me posing on a bed with clothes", "a woman is sitting on a bed on her shoes", "a woman smiles while seated on a bed", "a woman is sitting on a bed smiling", "a girl is sitting on a bed smiling", "a woman sitting on his bed smiling with dark hair", "a person is sitting down on the floor", "a pretty young lady sitting on a bed with lots of pillows", "a woman poses on a white quilted bed with a suitcase", "a young woman sitting on two different pillows and a white shoe smiling", "a girl wearing yellow is sitting down", "a lady sitting on one knee, wearing a yellow t - shirt", "a lady smiling and laughing with an orange and white blanket on the floor", "girl laughing while laughing in mid - laugh pose", "a woman in yellow shirt and lady in a skirt sitting on a bed", "a smiling girl stands wearing high heel shoes", "a person wearing yellow is sitting on a skateboard", "a woman sitting inside of a bed laughing with a lamp on floor lamp beside her", "a woman in a yellow shirt sitting", "a woman sitting in front of a bed with a back pack", "a woman with dark hair kneeling on a bed", "a smiling woman is posing for a picture on a bed", "a person sitting on a step in a room"], ["baby girl in yellow shirt standing on a grass field", "a close up of one person's thumb over her jaw", "a girl on the lawn and eating something", "a small child is holding up his finger to his face", "a small child in a sun hat eating a donut", "a little girl standing by the road touching her palm", "a young girl posing for a picture outside in her backyard looking hungry", "a girl in a grassy field eats something", "a little girl in a shirt and no tie stands standing near a tree", "a small young child that is holding something", "baby eating an iced chocolate doughnut with no icing", "a small toddly girl eats a donuts chocolate snack", "a small kid eating pastry with a rainbow tie around my necktie", "a young girl is playing a game with a donut", "a little girl holding her hands to her face and standing on the grass", "a small girl holding hand near her ears and looking at something", "a boy eating an apple, eating, covered in a hand", "a little girl eating an donut while eating a donut", "a little girl eating and holding a donut near her mouth", "a little girl getting something in her hands", "this child is eating a donut pastry with an apple covered in nuts nuts nuts", "this is there something in this picture eating one of those muffles", "a child standing up wearing a colorful tie", "a child in a purple tie standing in the grass", "a toddler posing for the camera with a donut", "a young girl with a hand in her mouth", "a blonde girl in shorts and a purple shirt", "a young girl standing outside in the sun holding a dough nut", "a small toddler eats while a little girl eats something", "a young girl in purple pants eats and smokes a cigar with her finger near", "a young child standing outside with a hand near his face", "the boy is eating some bread while sitting at the table", "the little girl is eating pizza while wearing blue shorts", "the toddler is eating food near an apple", "a little blond girl standing staring at an lemon crop", "an image of a little girl standing and holding a doughnut", "a child holds a finger to her mouth", "a child holds her hand to his hand, she is muffining in her", "a very small toddler eating finger with both hands", "a little girl wearing a necklace standing in a field of grass", "a young child is holding a donut up", "a little girl is holding a hand near her mouth", "a child eating with an apple", "young woman with finger food in hands looking through something", "a little girl holds a doughnut and a bite", "little toddler eating bread for donut on a spring day", "there is a young girl holding a doughnut that just came", "young girl standing in shade with grass near a grassy area", "a small child eating a donut covered in a tie", "a boy putting hands together in a defensive stance", "the little girl is having her hair done with the other hand", "a little girl is holding a little piece of bread in her hand", "a little girl holding and looking at a donut", "a little girl with finger on face", "a child eating donut with thumb on her finger", "a young girl is standing and looking up", "a short - haired toddler is eating an apple", "a young girl with shorts and white sports shoes", "a little boy holding a donut eating it", "little girl eating a donut and eating it", "a young child is standing under an apple tree", "a little girl holds her hand over the mouth and shows the doughnut she picked", "a woman in blue shorts biting a donut in one hand and holding a don", "a little boy standing and eating a chocolate donut", "a little blonde girl holding food with a big smile on her face", "a little blond kid eating food on the grass", "a young girl stands wearing a pair of purple shorts", "a small girl eating a donut to take", "the little girl is picking her teeth in a field", "a little girl holding a donut and eating it", "a young blond child taking an apple to her mouth", "a little girl is eating a donut", "a boy in a t - shirt holding an apple in his hand", "a little girl biting on a donut while biting it", "an adorable young blonde baby is standing in a soccer field with her hand on her", "a little blonded blonde girl eating an apple", "little princess girl eating apple covered in chocolate, mus, and other stuff", "a blonde haired little girl standing in the dirt", "a little girl eating a donut in a park", "a young girl standing with one hand holding an ice creamer", "a young girl is eating something with a brown glove", "a young child covering her apple while holding a donut", "a girl in cute clothing eating a donut", "a small toddly girl is eating peanut walnut rai nutme accommodation", "the small child is checking out the apple", "cute young girl standing on the grass eating something", "a young girl eating a cookie doughnut outside", "a little girl holding a donut in a hand", "a girl with a fist up over her mouth", "a little girl standing in the grass with a pine nutplist", "a kid eating a donut and picking it up", "this child is holding a small slice of pie", "the child is eating a donut and picking up her finger", "young girl eating a donut in a park", "small blonde girl standing on the beach holding food", "a child in white shirt eating and eating a donut", "a little girl holding a donut with a bite inside of the mouth", "a young child eating in grass", "a small child eating a piece of breadie next to a bushel", "a small pink sitting baby is near other bushes"]]}, {"question_id": 5030580, "question": "The man that is holding chopsticks is eating a napkin or a sushi?", "answer": "sushi", "captions": [["a donut sitting on top of a table covered in icing", "a man holding a box with six donuts and glazed glazed doughnut", "a person sitting on a table with two hands up up to fingers that's", "a man leaning straight out while he works on his laptop", "a person making peace signs and holding a glazed doughnut", "a person holding two fingers up in a hand holding a doughnut", "a a man sitting up holding a doughnut with doughnut donut", "a man posing with his doughnut in his mouth", "a man is smiling while holding a doughnut in front of the camera", "a baldini being drawn by two fingers with an orange doughnut", "man eating a glazed donut covered in orange icing", "a man has his image painted to look like he is putting his left hand in", "a man holding up with two fingers to take a donut with it", "the doughette has two fingers, and a donut on it", "a man getting his mouth full and eating dough donut", "a man sitting and eating a doughnut sprinkled with chocolate icing", "man biting out doughnut and laughing", "a bald bearded man making a peace sign with raised hands", "an man with there donuts out of his mouth", "a man taking doughnut out of a doughnut in a donut", "a man is eating while the glazed donut are sitting on his knees", "man with dough donut glazed doughnut doughe dough doughnut don don don", "the fingers are showing a picture and a doughnut", "a guy that is about to eat a doughnut", "a guy kneeling down eating and eating an orange doughnut", "ben with a doughnut in mouth in middle of photo", "a man eating a glazed doughnut with glazed doughnut around his mouth", "person enjoying glazed orange doughnut with dunkin on plate", "a man posing for photograph with don donut frosting in the foreground", "a picture of a doughnut in a donnut shop", "man sitting down eating a large donut with his fingers in the air, the", "doughnut and chocolate syrup are shown next to a plate of donuts with hot", "man with a donut in his mouth sitting on the floor eating", "a man taking a big powdered donut out of his mouth", "a man sitting on the floor eating a doughnut", "a man that is on some table holding up two fingers", "a krispy donut is in the foreground of a plate of food", "a man has a donut with one hand holding up for the camera and dough", "a man with his fingers in the air posing to take a picture", "the person is holding their thumb up with their hands eating food with his lips", "a donut is having to eat don don don don don don don don don", "a man with a dunkin donut on his mouth", "a man making the foreground sign with a donut", "a man and his daughter making the fingers and hand sign while eating a donut", "a man sitting while eating a glazed doughnut with a donut in his mouth", "a man licking doughnut while preparing to eat", "a man is getting ready to eat a glazed donut", "a man shows that two hands are up, in a video", "a man is dunny eating an orange glazed donut", "a man grabbing out food with one hand to grab it", "a man making a face for the camera with a doughnut in his hand", "a man who is kneeling down with doughnut in hand", "a man sitting on a floor showing fingers up with a glazed doughnut in front", "a man with his hands up as he eats a donut", "a person taking a doughnut and showing their two raised fingers", "there is a man taking a selfie with a donut in his mouth", "a man that is eating a doughnut and pointing finger down at the doughnut", "a man with a doughnut in his mouth", "a person that is holding a frosted donut", "a man sits cross legged in front of a table with food", "a man takes a photo holding out his two hands as a glazed donut is", "a man holding up his hands with a doughnut on it", "a person sitting up, and holding down to eat a glazed donut and a", "a man holding two fingers up to show two fingers down with one holding a glazed", "a man holding up with two hands and an doughnut holding out in front of", "a person with donuts that have been stacked together", "a picture of a man making a thumbs up with his left fist", "a man is showing that he is holding up his hand to grab a sugar don", "a person about to eat a krispy k donut", "a man smiling and making the horns gesture", "a dough don dough the dough dough dough don dessert don don man covered don man", "a man holding a doughnut in his hand and a doughnut in the air", "a man showing peace victory sign with two hand peace signs, while sitting at a", "a man has one donut sitting over a table", "orange dough eating male glazed an orange orange while dun dough dough tongue glazed orange a", "a man is taking a bite out of another glazed donut and making the signal", "a doughnut has been glazed and iced, and glazed donuts are stacked", "a man in grey shirts holding an orange donut", "a man posing with two hands showing two hands", "i donut, with right hands outstretched, have been bitten with an orange", "a man that is eating a big donut", "a man on a donut making a glazed glazed doughnut", "man with donut coming out of mouth for the camera", "a man shows off his tongue and hands as he makes a w sign", "a man kneeling down with a doughnut in his mouth with a big doughnut", "a man who is seated and pointing up", "he don don dough kris dough kris a and a a dough dough dough dough dough", "a doughnut glazeded donut with large gloser and spily on", "a man sitting next to each other on the ground", "the man is showing that he has just opened doughnut", "a man sitting next to the floor wearing a cake and making peace hand signs", "a person is eating a donut as he eats it", "a donut that is covering its top doughnut in it's mouth and", "a person with a large doughnut in their hand", "a man with a glazed nut has a donut donn on", "man covered with a doughnut with their hands, doughnut is covered in chocolate", "a person enjoying a krispy kreme doughnut with icing", "a man with his mouth open is making a weird face", "a man opens his mouth wide and is eating the doughnut", "a man smiling and making a goofy face"], ["a man is eating a hot dog all covered in relish and ketchup", "a man eating a hot dog while holding a napkin and wrapped in paper", "a man sitting at a table eating a hotdog and sandwich", "a man sitting in a booth eating a hot roll", "a man taking a bite of kra tissue paper napkin", "a man eating a hot dog on a bun", "a man taking a bite out of a hot dog", "a man eating hot dogs on a bun", "there is an obe man eating a hotdog", "man eating a man is looking up to eat food", "who in eating hot hot hot hot dog food hot hot hot hot go is hot", "sandwich big a over eating a in that large hot over as giant giant over huge", "a man that is biting into a sandwich", "a man that is putting a napkin in his mouth and he is eating a hot", "a huge guy eating a hot dog sitting next to a table", "a man eating a hot dog with paper tissues", "a man is biting into a hot dog", "a man eating a hot dog with mustard and keraap", "a man is eating a hot dog sandwich", "a man eating a hot dog and napkins", "a man eating a hot dog taking a bite out of it", "a man eating a piece of wax paper with his hands to face", "and biting hungry hot to hot a there sandwich sausage is burger go cheese food eating", "an employee eats a hotdog on a napkin", "a men who is eating a hot dog", "a man is biting into his sausage sandwich", "a person eating a hotdog with napkins and napkins for eyes", "fat while over, with huge food biting over meat biting eating making eating burger over", "a man in a hot dog bun eats a hot dog", "a man eating a hot dog at a shop", "a man biting into a hot dog and biting thru", "a man is eating a tall hotdog with ketchup on it", "eating large a hot is with huge a fat - hot hot on giant in eating", "a man eats something from his mouth while standing outside", "a man biting into a food item in his hands", "a man eating a hotdog with hot paper", "a fat man eating a hot dog in a bun", "a large man biting into a paper napkin in his mouth", "a man holding a hot dog over his mouth while eating something", "a man eats and has a hot dog to eat", "a man is about to eat a big hot dog", "a large man eating a hotdog in a paper towel", "a man is eating a hot dog and tissues", "a man eating a hot dog while eating wrapping paper towels", "hot dog's with relish and hot sauce", "hot giant eat over giant giant grille guy about giant big hot fat big man giant", "a man is eating a hot dog with bun", "a big man eating a hot dog while a napkin is in his hand", "a man taking a giant hot dog with a bun", "a man eating a hot dog holding napkin and a hotdog in his hands", "this is a man eating a very large sandwich", "an image of a man eating something and making to bites", "a man, with a beard, eating, a hot dog, and paper napkin", "a man biting into a hot dog while eating", "the man is enjoying a large hot dog", "a man is holding a hotdog in her hand", "a man eating sandwich hot is in sandwich holding food hot hot a hot who hot", "a fat, overweight person eating a hot dog", "a man eating the side of a hot dog", "giant gigantic biting huge cheese bites huge hamburger ho a a big big large cheese biting", "a man is eating something hot dog", "a man is eating a very large hotdog on a bun", "a man with his mouth covered by food", "a man eating a hot sandwich and biting into the teeth of his sandwich", "a men eating a hotdog and napkins and napkins", "a man with a hotdog and napkin for his mouth", "a man eating a hot - dog and eating a bun", "a man eating a hot dog over a bun", "a sandwich with bun and hot dog in men's hands", "a person eating a hot dog and wrapper", "a person eating a hot dog in front of a car", "a man eating a hot dog with a mustard sauce on it", "a giant hamburger holding a hotbag eating a hot dog", "a man on a sidewalk putting food in a napkin", "a man eating a hot dog with a bun", "a man eating a hot dog that is sitting on a towel", "a man that has hot dog in his hands", "a person that is eating a hot dog and is wearing a black shirt", "a man eating a hot dog standing next to a sidewalk", "a man eats a hot dog on a napkin", "a man eating a hotdog sandwich that is half hot in his mouth", "a man that is biting into a hot dog", "a man licking at a hot dog that is wrapped in a hot dog bun", "man eating a hotdog in a bun with mustard", "a person in a city eats something in their mouth", "man putting wax paper handkerchiefs over his mouth as he eats a pastry", "a man eating a hot dog eating a hotdog", "a man is eating a hotdog and he is staring at the camera", "a man takes a bite of a hot dog in a bun", "a man sitting at a table with his mouth covered by hot dog in a bun", "a man in a restaurant eating a hot dog", "a man biting into a pastry", "man eating hotdog while standing on side of road", "a person holding a hot dog in their hands", "man having hotdog into mouth as eating small hot dog", "a man taking a hotdog in a bun with bun in his mouth", "eating eating in big eating over big hot huge eating big cheese big fat hamburger over", "a close up of a man eating food with a napkin", "a very obe man that is eating something like food", "eating eyes blue burger being food blue he bite in eating huge food bites blue blue"], ["a man choppling sushi with chop sticks", "a man sitting down at airport looking in someonei su", "man at home having sui suki with chop chop choppa", "sushi su su and chop su roll su roll su su sui su paper", "a man is eating sushi with chopsticks and chopstick with chopstick", "a man with chopsticks, chopstick sticks, chopsticks and chop", "su su su su su rice su su su su su su preparing su su su", "su su su su su su su su su chop su su su su su su", "a man with chopsticks chopstick sitting across a sushi roll with chop", "the man is eating sushi sushi with chopsticks", "the man is sitting down and working with chopsticks", "a man with a chopstick and a sushi box and chop stick and chop", "a man eating sushi with chop sticks with some chopsticks, chop bowl", "su su su su su su su su su su su su su su su su", "a man sitting down eating su sash with su su with chopsticks", "man eating sui su at a sup and chop side", "su su roll roll su roll su su roll su su su su su su su", "a person at an airport taking a photograph with chopsticks and chopstick chop", "a young man is enjoying su rolls", "a man sitting on the floor eating chopsticks", "a young man chop chopsticks over the sushi box", "su su su su su chop su su chop su su su su su chop su", "su su su su roll su su su su roll su su su su su su", "chopstick eating su tsu is a simple choice for traveling", "man sitting on a floor eating soup with chopsticks and wooden chopstick sticks", "a kid with su roll sushi while eating sushi at an airport", "a man making sushi sushi with a chopstick", "a person is chop chopming sushi to eat", "a man in an apron putting sucake sushi next to su su and chop", "a man cutting sushi sushi with chopsticks", "it is the su su su and chop su su", "a man at sushi serving sushi food with chopsticks", "a man sitting down and eating a sushi bowl", "a person sitting down eating suhi su rolls with chop stick and choppads", "man chopsticks su rolls with a chop wooden chopstick", "a man chop slicing sushi bars wooden chopsticks chopstick", "a young man eating susu, a sui roll, and chopsticks", "a man puts sushi food in a box while sitting on a box of su", "a man with a tup and a background", "a man in a restaurant chopsticks with chopsticks, chopstick and", "a man eating sushi at a table with chopstick carving sushi", "a person eating sushimike with chopsticks and chopstick stick", "a man chop chop with chopsticks is putting dinner along", "a man in a blurry photo, eating sushi with chopsticks", "sushi su su with chopsticks and chopsticks", "a man in a business meeting with suki boxes", "a man chopping su su su roll with chopsticks and a tablet set", "the man is chop chopstick to sushi under an umbrella", "sushi rolls su with chopsticks, salmon, sushi su and other", "ryan eating at an airport in asia feeding with chop sticks chopstick stwm", "a man sitting on a sofa with a plate of furniture and a table with food", "a man holding a phone looking at some su su roll roll and chop su su", "a man eating sushi and chop sushi sushi, being served to be", "a man eating su su su roll su stick su su stashi and chop", "a man chop chop chop chop chop chop chop su, su su, chopstick", "a man is eating su and sui su roll su su su su su su", "a man with a orange shirt looking at a table", "a su su su su su su food su su su su su su su su", "a young man enjoying sushi sushi with chopsticks and chopstick sticks", "a man chopsticks while chop dipping restaurant bamboo bamboo picksee chop", "a sushi sushi sup roll with chopsticks on chopstick st", "a man with a su su roll on his plate is looking at sushi rolls", "a man sitting at an airport floor doing su su chopsticks with chopstick", "a young asian man cutting into a chopstick", "su sushi man chop chop chop chop su and chop chop roll", "a man using sutards brush sha - chop chopstick to eat their su", "sushiki chopsticks making sushi sushi a tray is", "the plate he is feeding a meal while eating out", "a man eating su stic su su roll su roll su su roll su su", "there is a boy that is doing suburg tofu suki and chopstick", "man chopping and chopsticks taking sushi paper from his phone", "man preparing su suten in su setting for su app", "sushi su su su su su with their su sticks su su", "man sitting down eating sushi", "a man using chopsticks to chop sushi with chopsticks", "chop su asian su su man man su eating chop bent chop man chop su su", "a guy sitting across the road holding a chair and eating", "a man eating su su sashi su su with su su su su su rice", "a man in an airport sitting with a table eating sui sash su with chop", "a man in a airport eating sushi sushi su roll at chop, su", "a man with chop pad chopdox chop chopsticks choppa and chop", "su rolls su su su su su and chopato", "a man is cutting sushi to one tray subi on a box of su", "a person chopsticks as a suhi sushi with chop sticks", "a guy at a su roll eating su roll su and chop sticks su su fish", "a man sitting and shashi being eaten", "a man chop slicing su su roll su su japanese su su su su su su", "his sushi is a sushi that he has a chop brush chopsticks", "a man eating sushi su rolls with chop tongs", "this is sushii sushi with chopsticks chopstick chopsticks", "the man is sitting down eating sushies and chop noodles", "a person with chopsticks and chopstick and sushi rolls", "a man eating su bento su roll time at the table", "chop man eating asian su su su chop su chop chop chop chop su chop chop", "a man sits at a table with sushi and chopcake su rolls with wooden", "a person with a chopstick eating sushi and chopstick", "a person is chop chopsui susticks in susu with chop sticks", "a man chopping sushi sticks chopsticks chopstick chops sushi", "susu sui box holds a man eating su su with chopsticks,", "a su roll su su su roll su su su su"], ["su chop chop chop wooden chop chop chop chop wooden chop chop chop chop chop chop", "one eats chopsticks and another eating", "a woman with chopsticks, chopsticks, and a bowl of noodles", "a woman with chop sticks eating a bite of meat sauce", "someone eating a world buffet on a chopsticks with chop sticks chopshk", "a woman eats slice of pizza on a piece of slice pizza", "with and pizza spaghetti spaghetti pizza che eats pizza chop pizza pizza pizza spaghetti chop on", "the lady is eating a slice of pizza that holds two sticks with chopsticks", "a man holding chop chopsticks and chop sticks with meat chop chopstick chop", "pizza pizza fork pizza pizza chop pizza chop pizza pizza pizza pizza eating pizza pizza pizza", "a woman with chop sticks eats with her mouth outside", "person with chop sticks eating a piece of pizza", "a young woman holding sticks eating food and eating pizza", "su sticks chop chop sticks chop chop chop chop, chop with chop chop chop chop", "a person eating a slice of pizza with pizza on it", "yu in a blue shirt eating a pizza and pizza, pizza pizza, slice,", "china chop eating chop chop noodles, spaghetti pizza the chop pizza with meat su eye", "a woman bites pizza from a pizza slice with chops", "a man holding up chopsticks holding eating pizza", "a asian woman eating meat with chopsticks and holding a pair of chopstick", "a woman about to eat holding two chopsticks up", "a pizza eating food with chopsticks", "a woman brushing her long hair with a piece of pizza on toothpicrts", "a woman is eating a slice of pizza with chopsticks", "a girl eating on chopsticks and holding a slice of pizza", "a woman at her table eating pizza with chopsticks and chop sticks", "a woman sitting at a table eating up some pizza and picks up chopsticks", "with taking a eating pizza eating pizza a asian asian pizza pizza pizza pizza pizza pizza", "a woman holding chopsticks and chop sticks on chop sticks", "asian chop chop chop chop chop eating chop pick eating holding chop chop chop chop holding", "woman eating pizza at food, with chopsticks and chopsticks", "a woman poses for a picture with pizza sticks", "a young woman eating a piece of pizza with chopsticks and holding a fork", "asian a asian asian asian woman asian ', and - asian - asian asian asian", "the woman is eating some pizza and food", "the woman is eating pizza with pizza cheese and eating", "chop chop chop chop chop chop holding chop chop chop chop chop chop chop chop chop", "a woman eating with chop sticks and chop sticks at chopsticks holding chop sticks", "chop sticks with chop sticks and chop sticks being eating with a large fork on the", "a woman is eating chopsticks and holding chopsticks", "young woman eating pizza and chopsticks with chopsticks and pizza", "a sushid staring at the camera, with chopsticks holding chopstick", "a woman with some chop nails holding their chopsticks and in the background there", "a girl is sitting at a table with a large order and chopsticks in", "a girl with chopstick legs holding chop sticks and eating noodles with chopsticks", "young woman eating pizza with chopsticks and pickles", "a young woman holds chopsticks to her mouth and eats", "a person holding a piece of pizza and eating some chopsticks", "a woman holding with holding holding, holds holding blindwell with _ k", "chop chop chinese chop pizza pizza chop chop chop chop chop chop eating pizza pizza pizza", "a woman eating a slice of pizza with chopsticks", "an asian woman eating in a restaurant in asia with red sauce, pepper sauce and", "a woman is cutting into her food eating with chopsticks eating pizza pizza", "woman eating with chop sticks and pizza with piece of pizza", "a woman wearing a dark shirt holding chopstick sticks", "a fork with a slice of pizza with meat", "chop chop pizza pizza pizza chop eating pizza pizza pick eating pasta pizza pizza pizza pizza", "chopsticks are holding up a piece of food holding a small bitz of", "asia eating holding pasta pizza on at pepper, pizza pizza eating pizza a holding taking", "a woman holding up some chops eating pizza", "a woman holding chopsticks and a bottle of drinks with a bunch of food", "a person eating a slices of pizza and holding chop chopsticks", "a woman sticks chopsticks and chopsticks with pepper and food", "asian woman eating bited pizza with stick and chopsticks in mouth", "pizza with pizza pizza pizza with eating a eating close, eating and eating chop chop", "a woman blowing air while smoking a stick of food", "asian women eat pizza and chopsticks", "a pizza that is being served at a restaurant", "a woman in grey shirt eating pizza and chopsticks", "a person sticking out about to eat food", "a woman eating with chopsticks while eating a pizza with a spoon and pan", "pizza holding bamboo chop noodles chop chop chop chop by eating chop pizza chef japanese chop", "person with toothpicks and chopsticks taking bite of pizza and pizza with", "a woman eating with chopsticks and chop sticks", "woman eats pizza and cheese pizza while with chop sticks eat", "a woman is posing for a photograph while eating spaghetti pizza and chopsticks", "chopsticks holding chopsticks over a pizza and chopsticks with a", "eating the eating taking holding eating with holding being bite pick chop pizza on is chop", "a woman eating food with chopsticks and pickles", "noodles eating chop chop biting chop with asian someone someone chop having kim eating eating chop", "a person holding two hands, one eating the pizza and having chopsticks holding", "a people sitting at a table eating with chopsticks on chop sticks", "a woman with long chops in front of a can with pasta noodles and pizza", "woman sticking her tongue out and holding chopsticks up in the air while eating", "a woman holding chopsticks and a large pizza slice", "pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza chop pizza pizza pizza", "a woman with chopsticks, holding chop chop sticks and eating pizza", "a close up of three photos of several people eating pizza", "a girl holding two chopsticks and a white plate", "a woman eats pizza while eating pizza and chopsticks holding a plate", "woman eating chinese food with chopsticks", "asian a chop chop chop while with su sticks chop chop asian chop asian asian sticks", "a girl posing to eat eat holding chopsticks and eating pizza with a slice", "pizza pizza pizza eating and biting someone pizza pizza pizza eating holding with pizza and pizza", "a woman eating a piece of pizza, chopsticks eat pizza with fork chop", "to pizza eating food holding chop pizza eating chop eating eating chop su eating to at", "a woman with chopsticks is looking at a plate that has been ordered with", "a girl with chopsticks and chinese food sticks", "su with asian chop chop and chop chop chop chop chop eating chinese chop chop chop", "chop pizza asian girl asian eating she eating the food pizza cheese chinese pizza pizza rice"], ["the man is sitting outside eating pizza", "a bicycle and a table filled with pizza food next to a pizza and beer", "a man and a little boy sitting at a table eating pizza", "a man holding a tray of pizza is holding a tray with a pizza on it", "a slice of pizza with a large slice of cheese pizza on a tray", "a person posing for a photo with a plate of pizza", "a man with glasses holding a tray of pizza and a large pair of glasses", "a smiling man standing next to a pizza pie", "man is holding a pizza near the window of a restaurant", "a smiling man sitting down eating pizza, holding pizza tray on his lap", "a man in his 20s smiles in front of a bunch of pizza", "a person sitting at a table with a tray of pizza in front of him", "a cyclist holding up a large slice of pizza", "a man wearing sunglasses is smiling and holding a can of soda in front of a", "someone sitting outside and posing with a big pizza and personal pizza", "a man holding a pizza on a tray", "a man in a wheel chair sitting drinking hot mineral drinks while holding a pizza", "pizza pie with soda and a soda next to it", "a man sits with a pizza tray and beer", "a man holding a large pizza and cans of beers", "a man sitting in chair and smiling at pizza", "a man sitting at a table with his shirt on", "a man holds a slice of pizza and soda while holding up a bottle of soft", "a man with beard and a bike jersey with a pizza on a tray", "a man with a bicycle helmet and beer next to a large pizza", "a table with a tray on it holds a tray of pizza", "a man holding a pan of pizza", "a smiling man holding a beer and drinking red soda", "a big pizza sitting on top of a pizza pan", "a person holds a large pizza and sits down to a slice", "a pizza pan, large container and beer sitting in a person", "a person sitting with a large pizza on a table", "a man holding up a tray of food and a beer", "a smiling man who is sitting at a pizza platter", "a man is holding a can and pizza tray", "a man smiling in front of a large pizza", "half of pizza is sitting on a tray on top of a metal plate", "a person wearing sunglasses holds a tray of pizza", "a bearded pizza male sitting at table next to giant pizza", "a man in front of a big half of pizza", "pizza pizza pizza bike pizza pizza pizza peace and large peace pizza pizza beer - giant", "a man posing while holding a tray of pizza", "a man is holding a pizza tray outside", "a pizza and some beer on a tray", "i smiling with a pizza and a can of beer", "a man wearing glasses sits in front of a table with a pizza and two slices", "a large slice of large pizza sits on a pizza pan next to a drink", "a bicycling man in his bike jerseys holding a large tray of pizza", "a bike parked outside of a peace on the road store", "man sitting by a pizza pan on a street near a bicycle", "a man sitting at the table holding a pizza covered pan with a pan that has", "a man wearing a beard is posing and holding a large slice of pizza", "a man sitting next to a giant metal pizza plate", "a man sitting at a table holding a pizza and a beer", "a smiling man with a beer and a bike holding a can of bud", "a man sits at a table with pizza and pizza pan", "a crust pizza with a big slice missing and the large slice is up off to", "a pizza pizza pizza pizza man in pizza pizza beer pizza pizza pizza beer pizza pizza", "smiling bearded man holding a pizza and beer", "a man wearing sunglasses is sitting in a chair eating a can of bud", "a man with a large box of beer, cans and cold beverage is sitting with", "a man in a helmet eating pizza with blue glasses", "a man holding a peace sign tray with a beer in front of a round table", "a man sitting outside with pizza and a beer", "a man in a peace sign jersey sitting in front of a pizza", "a well dressed bearded man holding a pizza in his hands and posing for the camera", "a smiling man is sitting down with a beer, peace sign face and sunglasses", "a mountain biker sits at an outdoor table in front of an outside pizza pan with", "a happy person with pizza smiling next to a pizza", "a male that is holding a piece of pizza", "a woman posing for a picture, holding two pizza platters", "a man sitting down in a chair holding a large pizza", "a table with a cake in it and some chairs", "man smiles with sunglasses, holding tray with a piece of pizza and a beer in", "a man wearing a bib has a pizza covered pan", "a young guy eating a pizza sliced into two large slices", "a man holding a pizza in a kitchen standing by some bikes", "a man with sunglasses sitting outside next to a huge tray of pizza", "a pizza that is on a tray outside", "a man sits at a table holding a motorcycle wheel to eat", "man holding tray with tray of pizza on it smiling and holding two bottles", "a man smiles with cheese pizza on a large sheet of pizza in front of him", "a person sitting at a table with a piece of pizza in front of her", "a man holding up a pizza on a pan", "man sitting with one end of glass pizza pan in one hand seated by himself on", "a guy with a peace sign pizza and beer is standing in front of her", "man holding a pizza tray holding up a large slice of pizza", "a man sitting at a table next to giant pizza and a can", "a man in the middle of a chair wearing sunglasses smiling", "man sitting in front of a pizza pan and a tray full of pizza", "a person holding a can of coke and a cut up of pizza", "a pepperoni pizza sitting on a man's lap with the pizza in front", "man in a seated room that has a pizza tray and pizza on top of him", "a man sitting outside having a drink out", "a person eating a large slice of pizza on an outdoor chair", "he is wearing sunglasses with pasta on his pan", "man holding a pan and a large pizza tray", "a man sitting in a chair holding a pizza", "a man sitting with a plate of pizza with slice broken", "man sitting in front of a bicycle and holding tray with two trays of pizza"]]}, {"question_id": 3677108, "question": "Is the man that is sitting on a couch balding or reading?", "answer": "reading", "captions": [["man outside i business wearing a a - gentleman and seated, outside in smiling -", "male in front of large, dark room with no people sitting down while sitting down", "a man standing in the concrete of a room with many shelves", "a man sitting in a suit sitting sitting in front of a wall", "a man sitting in a books store wearing a suit coat", "a man stands next to a man who is posing for the camera", "a man sitting on a wooden platform while wearing a suit and tie, with the", "a man that is sitting down in front of a table", "a man sitting in a street with a tux and a businessman", "man sitting down on a chair in a street in delhi", "the man sits and sitting on a ground while smiling", "a man is sitting in a shop with his feet crossed", "a photo of a person sits down and poses for a photo", "a man sitting on a bench, outside a shop, with a man reading a", "a man is in a suit sitting down outside his shop while another man sitting down", "a man in an arab capital sitting on a wooden platform with books nearby", "a man sitting down in front of the man sitting down down in front of the", "a smiling man sits on his bench and gazes", "a man sitting on a bench near a bookshelf", "an oriental sitting on a porch with a man sitting down next to him", "a man sitting in a room with a big doorway and doorway", "a man is sitting on the ground with a computer behind him", "a man sitting on a bench by shelves", "an image of a man sitting on the ground outside", "a man in a suit sitting on the floor in front of a bookshelf", "a man sitting on the steps in a small room", "a man sitting on a bench with a suit on", "a man sitting in front of a store in a suit", "a man standing on the front of a bench", "he an young asian and sitting sits male sitting sitting sitting sitting is sitting sits sitting", "a man sitting in the steps of a living room looking at the phone", "a man sits inside a shop selling handmade goods in jodh", "a seated man sitting on some wood steps while kneeling", "a man sitting in the outside looking a camera outside with a man sitting outside the", "a man sitting in an open window with a pair of legs", "a man sitting in the doorway a man standing in the door", "a is, a a seated sitting, businessman in sitting sitting on on sitting a", "a man sitting in front of a shelf of books", "a man with a hat sits on a ramp", "a man sitting down in front of a store, selling books", "a man dressed up in a suit sitting on a stage", "a man reads to people in a building", "a man standing on top of a porch next to a building", "a man sitting on front of a door for a shop in the middle of a", "a man sits on a stage with books on it", "a man sits in the middle of a bookstore store", "a man is sitting and sitting on a chair in the middle of a books books", "a man sitting on a wooden porch with a wooden bench", "we man sitting out inside a suit jacket and suit jacket", "a man sits with a large cup of coffee for a picture", "a man is sitting alone in the corner under a shop", "a man sitting on stairs looking at the camera but wearing white pants", "a man wearing a suit sitting on the floor inside of a store", "a man is sitting in the doorway entrance of a home", "a man reads in front of a person sitting on the ground", "a man sitting on a cement bench in a store area", "a man that with an old wall and man in a business suit", "a man sitting on the floor in front of clothes", "a man sits smiling while kneels down", "a man is smiling while he sit on a bench", "two people sitting on the step, one of whom is looking at the camera", "a man sitting down in front of his closet of supplies", "a man is seated and looking down while reading", "a man sits on a bench with a pair of jeans", "a man sitting in a doorway while smiling, on the ground with white pants and", "a man sitting in the front of a man store", "a man is posing for a photo sitting on stairs", "male in front of shop sitting in front of the store", "a man sitting on the ground in a suit", "a man sitting next to a hut on top of a wooden platform", "man sitting on bench looking at camera while sitting beside him holding his hand", "i man wearing a blue shirt sitting on a bench", "a guy in a suit sitting outside of a man on a porch", "a man sits on his feet while sitting on a bench and looking up to the", "a man dressed in a suit and two legs in front of a store is seen", "a man sitting on the porch of an ethnic house in india", "a man sitting down looking into the distance", "a man has his picture taken in a photo", "a man sits in front of a bookshop and a man looking right into the", "a man sitting and holding a book in a suit", "a person sitting on a bench in front of a man in a suit", "a man sitting at the bottom of a shelf looking through a little open doorway", "a man is standing in front of a store with a blue suit covering a man", "man sitting down on a floor that is a man in a suit suit", "a asian man sits in the middle of a dirt area", "man sitting down and staring at the camera", "a male is sitting in front of his bookshelf", "this is a life story of a living and leading musician who inspires a man", "a man in a business suit is a man sitting on a wood bench", "a person wearing a suit and seated on a bed", "a man in a suit and glasses is sitting on a bench looking at items on", "a man with white pants sitting on a platform in the middle of a room", "a man sitting in a wooden chair on the floor next to a small store", "male sitting man sitting young a a a he sitting guy sitting man sitting sitting sitting", "a man in business attire sitting down and smiling", "the front of a well suit suit is full of men's clothing", "a man is sitting on a bench in the sun", "a man in a dark blue tuxedo sitting on a bench, a man", "a man sitting on a desk next to an empty floor", "a man walking through a small alley in india"], ["a man taking a photo with a cat drinking a cups of coffee", "a man relaxing on a couch watching television", "a woman is smiling and taking a photograph of her cat", "he is a good way to give a good photo to a guy", "a man sitting on a couch while holding a smart phone talking to it", "mug self with cat cat cat tiger holding enjoying cat smiling cat is the taking playing", "a woman sitting on a couch holding a cup next to a cat", "a man in the background taking a picture with his smile and holding a phone", "man with video chatting through a cell phone", "a man taking a picture with a phone and his cat", "a man is using a cell phone to control his video playing, with a cat", "person drinking liquid or coffee and sitting with a cat on a couch", "a man on his lap holding a cup and a cellphone", "a man holding a mug, and a coffee mug drink a person is sitting on", "a smiling woman sitting on a couch using a camera with a cell phone", "a man using a phone while sitting next to his lap with a cat", "woman taking a picture of cat and taking a picture of the owner", "a lady taking a picture with a phone with a cat", "a man is sitting and smiling in a sofa with a camera", "a man is holding a cell phone and holding a coffee mug", "a man holding a cup and a cat", "a woman holding a phone to her mouth while holding a cat", "a female taking a photograph with a cat, using camera camera, holding a camera", "a man sitting on a couch while holding a cup and holding a cat, that", "a person laying on the couch with a cat and a woman taking a picture", "a woman taking a photo of herself while cat sleeps on her shoulders", "a man sitting on a couch with a cat watching picture on his television phone and", "a happy man is taking a picture of himself with a phone", "a man is sitting on a couch drinking and holding a cat under his camera", "a man is holding a cell phone and the cat is holding a mug", "a man sitting on a couch with a cell phone", "man wearing glasses and red shirt, who is holding a cup, holding a cell", "a man sitting on a couch holding a phone", "a man reclining and drinking a beer and using a wii controller", "a guy taking a picture of his cat with the phone", "a man sitting down and a brown cat", "a man sitting on a couch with a cellphone in his mouth as he takes", "a man is sitting on a couch while holding a cat, he has the phone", "a man and his cat, eating a cellphone", "a man and striped tab - tabby cat, on a couch sitting on a", "a person that has a phone in their hand", "man sitting with dog holding a cell phone in his lap", "a man is sitting across from a woman with a coffee mug", "man using a cell phone and playing with a cat", "a man taking a picture of his cat with a cell phone", "a man and his son sitting on a couch playing games with a wii wii controller", "a person sitting on a couch using a cell phone", "the young man drinking a sip of white beer while using a smartphone phone", "a man laying on a couch taking a picture on his cell phone", "a woman takes a picture of her cell phone while holding a cat", "a woman holding a camera phone while smiling", "man and a cat on a sofa with a woman smiling that he is looking at", "a men sitting on a couch with a cat and taking a photos with his phone", "a cat standing while a man is holding a phone", "a woman is celling on her cell phone while a cat is on the couch", "a woman is selfie drinking and holding phone phone a screen phone", "a man is taking a picture with his phone", "a woman taking a photo with a cell phone and smiling while holding a phone", "a man holding up his cell phone to a cat and a woman holding her cell", "a man taking a photo with her cat under his arm", "a man holding a bottle of water that has a cat on his phone", "a man laying on a couch with a cat", "a man takes a picture and uses a cell phone", "people is sitting on a couch playing video game", "a man is holding a cupcake drinking a cell phone and looking at it and", "a smiling woman is brushing a picture of her cat", "cat using while using a cell phone to take a cell phone photo", "and sitting smiling phone cat kitten cat cat taking drinking cat using cat cat cat mobile", "a man is sitting on his lap watching a smartphone through a phone", "a woman taking a picture of her cat", "a man is holding a cell phone up next to his cat while holding a cup", "a man holding a cup to take a photo of himself with a picture in his", "a woman is contenting on a white cell phone", "a man on a couch with a remote control in his hand", "woman cucing with her cell phone and cat resting on the couch", "smiling man enjoying drink of coffee and smiling on couch with cat", "man holding a mug and a white cup", "a woman holds up a coffee mug and a gray and white cat", "a man with his laughing on the phone and a man holding up a cat in", "a man sitting on a couch with a cat and holding a cellphone to photograph", "a cat taking a picture of himself with a phone", "a woman is taking a picture with her cellphone while resting on the couch", "a man sitting on a couch holding a cell phone and holding a wii in his", "a women is taking picture with a pet cat", "a man holding a cellphone being a woman sitting on a couch using a cell", "a person taking a picture with a cell phone while holding a coffee cup in each", "woman holding a cell phone and a cat inside her arm", "a woman is taking a picture with her cat", "a man using a phone with a cat and his hand", "man enjoying with happy with cell phone phone holding telephone", "a man on a couch with a cat on his lap", "man self a photo sitting has nintendo with on and taking holding holding cell holding with", "a woman sits on her lap holding a cat", "a man on a cell phone, holding a cell phone, using a phone phone", "a man sitting on a couch with a dog and holding a nintendo wii remote", "a man taking a photo and playing on his phone with his cat", "a man holding a white cell phone while holding a cup", "cat sitting drinking cell kitty chat sitting cat smiles cat cat cat cat cat smiling taking", "the man is taking a picture with a camera", "man ga kitten drinking iphone with wii cat with kitty the a sitting a cat cell"], ["mexican newspaper man woman books in the street", "person under a black suit is wearing a gray jacket and a black card coat", "man in red red cap sitting on an alley path", "a person is sitting down reading in a alley", "homeless reading newspaper in an old alley, sitting next to a book", "being guy newspaper newspaper newspaper man newspaper man newspaper newspaper reading newspapers magazine reads newspaper news", "the man is crouched in a large hat and red bandana", "man sitting on street with a homeless begistice sitting next to a rock wall", "a man dressed in a black jacket while reading a newspaper outside", "a man man reading a magazine sitting in a back street", "a man with a suit bag sitting with his backpack bag bag on his side", "a person reading a book and taking a break from reading", "a man in a city is reading at a curb reading a newspaper", "a women sitting on the sidewalk talking on her cellphone", "a man sitting with a big beard in a business suit", "a man wearing in black clothes is sitting on a alley alley looking", "a man sitting by himself, reading a newspaper", "reading reading he a newspaper, a man an a man reading a newspaper lady a", "a man wearing a black pantsuit over a person reading a newspaper while reading", "a man dressed in black looking suit clothing and jacket", "some man sitting looking over his shoulder while leaning on a concrete wall", "man a a a a a a a a a a a someone over sitting man", "a man sitting reading newspaper in a city area book in historical newspaper", "a lady reads a newspaper and looks through a magazine", "a people sitting in the middle sitting in on pavement", "man sitting on top of stairs reading newspaper and hat", "a a man beg man, the a a a a the a a a a", "a person in a suit and red tie reading a newspaper", "a reading newspaper and the woman read a there reading newspaper reading book read reading read", "a person sitting on the floor reading the news", "the man sits on his bed while reading a book", "over homeless reading newspaper reading street is the newspaper reading newspaper while street reads reads reading", "a person sitting and reading newspaper while looking at a newspaper", "a man reading a newspaper in an alley corner", "an a man in hat sitting on the corner reading a book while reading newspaper", "a man sitting on the side walk on a sunny day", "a homeless sitting by the side of a side wall talking", "an old man sitting on a stone step wearing a red hat", "- woman business a a the jacket businessman a a a man business a a dressed", "a man with his suit coat", "a man in a suit and jacket sits on steps reading paper", "an old woman under a black hat sitting against a wall", "a person resting against the wall on his back", "man reading newspaper sitting on stair with writing a newspaper", "a woman looking at a street newspaper read a cat", "man a reading in reading newspaper newspaper man and paper newspaper red book reading an street", "homeless s seated wearing homeless sitting and sitting a sitting sit sitting sit seated a on", "read reads newspaper newspaper news book reading reading newspapers newspaper", "a woman wearing a suit sitting on the steps in an alley reading a paper", "a woman sitting on the street and looking at a man on his lap", "a man sits with a umbrella outside a cemetery,", "a person sitting on a stepstone and leaning back against something", "a bookworm reading to the newspaper of a magazine", "a guy reading the newspaper and reading paper books", "a woman sitting down reading in a city street", "a man sitting on a stone bench, the homeless woman, reads the newspaper", "a reading person sitting sitting papers reader woman papers news reading newspaper and sitting newspapers a", "a man reading a newspaper with man sitting on a steps leading up", "a person sitting on stairs read newspaper while sitting on the ground", "a homeless man outside his home sitting against an old stone wall", "a woman is sitting on a brick wall looking out", "a person sitting in a alley on a gray day", "a person is waiting to make a newspaper while reading the newspaper", "a reading reads read businessman a man reading homeless outside books man reading reading reading an", "person sitting in a public street alone looking", "a man sitting along leaning on cement", "the man is sitting on the stone road, reading a newspaper", "a man in a business suit reading a newspaper", "a person squats a begging a person sitting on brick steps and looking at the", "a person and red tunnanna hat red red hat sitting on a cobbles", "a woman dressed in a grey coat jacket jacket, and a red hat", "a man reading newspaper newspaper while reading", "reading newspaper wearing a the sitting sitting reading newspaper reading reading reading reading as older reading", "a elderly looking man reads reading a newspaper man man the newspaper, newspaper read newspaper", "an interview newspaper reader is wearing a headband", "a man sitting and reading a man reading the newspaper reading", "a person sitting at a wall reading a book next to a table", "a man reading in a corner at city street looking forward paper and newspaper", "some man reading the newspaper while reading the newspaper", "a man sitting reading a paper while reading a paper", "a woman in gray coat coat and a red hat in red sitting with a red", "a man sitting on a sidewalk reading a newspaper", "a man in a suit seated sitting on the stairs", "a person sitting alone and in the streets or walking", "a man is reading a newspaper newspaper newspaper news", "a man sitting on the floor looking down", "a man in a black jacket wearing a tu hat is walking down a steps way", "a man wearing a grey suit coat jacket reading a news newspaper sitting next to a", "a person reading a book on the side of a wall", "person reading a books a reading newspaper, man reading reading newspaper who newspaper reading a", "a man sitting on the stairs reading a booklet paper", "an old man sitting holding a newspaper newspaper newspaper book reading", "gentleman reading an reading sitting reading reading reading read man reads reading reader newspaper a reading", "a man in a black outfit sitting down in winter clothing", "a man dressed in a suit sitting on a brick road", "a man sitting down reading in a alley with books", "a man is sitting on a chair in a sidewalk", "a an a a a a a a a a bus old on a a a", "an man sitting with a paper while reading a magazine the newspaper", "a man sitting on a sidewalk on newspaper paper newspaper sitting down"], ["a man reading a book to a bed that is resting on his lap", "two men looking at each other and looking at the sky", "a man sitting next to a building with his feet lying on his desk", "a man talking to another man wearing sunglasses", "two men relax in the streets in a city", "a man with his leg lying on an old person in his lap", "two men are talking on their motor bikes down a sidewalk", "a man in a pink shirt on a motorcycle, a man on the back holding", "sitting on motorcycle on on on a man on sc motorcycle on a on on sitting", "two men sitting on a sidewalk in the sun, one with a baby", "a man lying near a street curb with his feet up", "the topman is laying on the man's leg and his feet crossed up", "a man sitting on a couch talking to a man in pink shirt and pink shirt", "a man on a scooter is reading a newspaper while a guy leans against", "a man with a cap in his hat, sitting on a motorcycle", "a man sitting on a motorcycle with a man riding on them", "an asian man and a japanese guy doing a legtand as the man is", "person laying on a man reading while reading a man reading", "a man reads a book to a reader", "the view of it is people that are laying down on a motorcycle", "a man siting next to a newspaper on top of a bicycle", "a man sitting on a woman's back in the air", "two men looking at each other hanging out in the shade", "a guy lies on his lap on his computer", "a man and an old man wearing grey pants", "a person reading and a book on the back of a motorcycle", "man reading on a motor bike while leaning on a seat", "a man reading a book while sitting on a motor bike", "man and children sitting on a motorcycle", "a man in sunglasses sitting on a motorcycle, reading a newspaper, while man in", "a man with his leg open sleeping on a motorcycle", "man laying in motor seat on motorcycle on the street", "a man and a woman talking on the cell phone in the city", "the office worker looks at a magazine while laying on his feet", "asia reading reading asian reading reading reading reading on news motorcycle on a reading on,", "a man laying on a motor bike on a sidewalk", "two well dressed people laying on their back on a street", "a book is reading on a bike at the street", "these people are looking very well", "a man is sitting on the street reading a newspaper", "a person is laying on a street that's in the foreground", "a person lying on top of a motorcycle", "a couple of people relaxing on a dirt motorcycle reading", "a man sitting in an alley with legs up", "a man that is sitting in front of a electronic device", "a person fallen asleep on a motorcycle and a man with sunglasses lying on their feet", "a man sits on a motor bike and newspaper under his feet", "a professional man sits on a motorcycle with his legs up", "a man with a dog laying on his leg and another man lying on his back", "a man laying on the back of man reading his newspapers", "a man riding a motorcycle down a sidewalk as other man watches, while another man", "man standing on a motorcycle with another man's feet up", "a man laying on a motorcycle, and a man with his assp", "a man is sitting on a scooter on the phone", "a man with glasses next to reading a bible", "a man sitting in the sunlight on a chair under a tree", "two men on a sidewalk looking at an ipad", "a man is lying down, and a pair lying man in his office chair by", "an older man is laying on the ground while an older man lays on his front", "two men are laying on a motorcycle with their legs up", "two men in street next to an ipod phone by the sidewalk", "two people are on a red motorcycle with some newspaper", "a man on a motorcycle reading with a guy on a magazine", "a male with two reading a newspaper reading on a bike", "a man is doing something on his computer while sitting on a motorcycle", "a man sitting on a motorcycle while holding an umbrella", "a man in sunglasses sitting on top of a motorcycle", "a man with a head and feet in his head reading a book", "a man is on the pavement reading to his feet on the sidewalk", "a man laying on a table talking on a telephone", "a man with a phone and a man using a laptop", "a man wearing business suits does not lie on a leg", "a man is drinking while another man is talking on his cellphone", "a man looks at his businessman with his head down in napper", "a man laying down on the back of another man", "a man reading an envelope in autumn reading", "a person lying on ground lying on man's leg", "men looking in magazine on sidewalk, one man standing and one sleeping on a person", "a man a man in sitting on doing motorcycle a motorcycle he with motorcycle with mo", "a reads is reading a reading is and in his coffee being and talking nap doing", "a couple of men on a motorcycle", "an asian male in a hat and gray socks leaning on a moped with a", "a man is reading a book while seated on a newspaper", "a man lying on a chair in the middle of his living room with a man", "a person reading while sitting on a bike with a man on it", "a man in khaki lying down in the grass", "a couple of people that are laying down on the couch", "a man standing on a sidewalk looking at an object", "a man looks at a cell phone while another man reads out a book", "two older men with their heads propped on a motorcycle", "a man with a helmet smiles while he sits on a motorcycle", "a man resting back on a man's head in a street", "a man lying on a motorcycle and talking on a cell phone", "a man is on a legs on a sidewalk reading", "an older man who has passed an article and a very happy looking face", "a man with a cellphone next to his head on a table", "a man is relaxing on the street reading with a man", "man sitting on an office desk, one foot in middle legs on office desk with", "a man lying on his side while reading", "a man talking on a cell phone while laying on a man"]]}, {"question_id": 4024152, "question": "Is the person that is wearing glasses young or old?", "answer": "young", "captions": [["a supermarket market has an assortment of fruits on display", "a large produce section in the market with people looking at various fruits and vegetables", "a large fruit stand with a woman standing behind it", "a market selling fresh vegetables and fruits", "people shop at a vegetables market with many signs at each end", "vegetable display some market a display the an display vegetable the market produce display there fruit", "a person is looking at a fresh on a store", "a man standing by a very big store, in front of an empty store", "people walking around a market area as a view", "a man walking through a market place with variety of fresh produce", "a man is walking by the fruit market display", "a market area with fruit vegetables and other foods", "a market full of various types of fruits and vegetables", "a crowded produce department which includes fresh fruit", "the produce stand has people who could possibly purchase fruit or vegetables", "a market with lots of goods on a road", "there is a picture of a fruit stand that is open to visitors", "a woman standing in front of a market food", "an open market stall at a sunny day", "a supermarket with a sign telling price of groceries", "a man is looking at a stand of fresh fruit", "a produce stand with a customers at it", "a small store is being selling fruits and vegetables", "a group of men looking at a produce market", "a large fruit stand with a large variety of fruits", "people looking at a produce stand in a market", "a bunch of different kinds of fruits on display", "people buying on the ground at a market", "a large open market has a display of fresh fruit and vegetables", "an indoor produce market is displayed with an open sign", "the woman is standing in front of the fruit stand", "people shopping inside an open market for variety of fresh fruits and vegetables", "people in a produce stand are near a large variety of fruits", "an image of people walking down a busy market lined", "people shopping in an open air market", "a woman in a parka walking around an grocery market", "people are at a market in the market place", "a photo of a produce market with many different brands of fruits", "a photo of a man in a grocery store", "people at a open produce market market in the middle of the season", "a woman shopping at an outdoor vegetable stand", "a lady that is shopping for fruits and vegetables", "the produce department in the large produce section of a grocery store", "a produce section with many fruit and vegetable prices", "some food and food market filled with fresh vegetables", "several people shop at an open produce market", "a number of people at a market with a vendor", "several fruits are at this produce center is being watched", "a large display at the local organic vegetable market", "a crowded grocery yard with various fresh fruits and vegetables", "people are shopping in a open food stand", "a fruit stand is filled with many different types of fruit", "a store displaying a large selection of produce", "a long table filled with lots of different types of fruits", "there are people walking through a produce section of a market", "the with market grocery produce photo produce people display selling market fruits apples market apples market", "a bunch of people that are walking through a produce market", "a large group of fruit outside by a person", "a woman standing in the middle of a room of produce and fresh produce", "a woman walking in the front of the produce market", "an indoor fruit stand that is filled with lots of produce", "people browsing fruit for sale at an indoor market", "a produce market filled with fruits and vegetables at night", "a produce stall lined with fruit on a store floor", "a fresh produce and deli area at a market", "a wooden box stand for a produce market", "a market filled with different kinds of fruits", "people standing in a market filled with multiple types of fruit", "fruit on shelf at a market with people standing around", "a woman looks at an assortment of fruit stands", "a picture of an assortment of fruits and vegetables in a market", "a market with people walking down the aisle as they learn to eat", "looking selling a a display stand a produce buying market produce a a produce market open", "a person standing near an assortment of produce stand", "people are shopping in a marketplace in a city", "a open large grocery market at night looking at produce aisle", "people shopping for fruit in a large market area", "a number of people at a market standing", "a market in a market center filled with people in a market", "a vegetable section with people shopping and vegetables for sale", "a fruit market has an open air market", "a market with many people walking around it", "vendors at large open market stand on a snowy day", "a market market with lots of produce fruits and vegetables", "produce stand filled with vegetables in a dark street market", "a shop has an open market with various fruits and vegetables on display", "several people are shopping in a grocery market", "a vendor and his customer visit the produce stand", "a man and woman walking near a produce stand", "a woman looking at open food stand in market", "people at a large produce store filled with lots of produce", "a lot of vegetables and people shop for them", "a market at night with people grocery buying produce in the market", "many veggies and fruit are visible in an open fruit store, there are", "a large grocery market filled with people walking", "a very crowded fruit stand in a market", "the people are looking at the fruits in the farm", "several people are shopping in the grocery department", "people are shopping in a store filled with fruits", "the produce section of the fruit section of the farmers market"], ["a young man riding a skateboard down the side of the road", "a young person with a helmet and black hood skating in the snow", "a man that is skateboarding in the air", "a man is doing a flip on a skateboard", "a person doing a trick on the side of his skateboard", "a guy doing a trick on a skateboard", "a young skateboarder in action on a skate board", "a man performing a trick on his skateboard at the top of a block", "his image is a man does a skateboard jump in the air", "a man does a skateboard trick over a person", "a person doing a trick on a skateboard", "the skateboarded male is practicing himself on his skateboard", "a guy doing a jump trick on a skate board", "a man with sunglasses and cap skates grinding sideways on a skateboard", "a person doing a trick on a skate board", "a guy is skate boarding on his skate board", "a man riding a skateboard on a sidewalk", "a person jumping a skate parallel on low rise above a half", "a man that is jumping above his skateboard", "a young boy is skating alone on skateboards and is doing something", "the teenage young boy does a jumping skateboard trick", "a person dancing on a skateboard at a park", "leaping jumps skate is teenagers dude a someone man jeans skate man man leaping jump skate", "a man riding a skateboard doing a trick", "teenager in high - leaping air over stairs on skate park", "a man jumping on a skate board in front of his skateboarder", "a guy is skateboding doing tricks on a skateboard", "a man practicing his skateboard tricks down a hill", "jumping dude at doing boy skate skate man skate skate skating grind skate in ramp skate", "man doing a jump with his skate board", "a boy does a trick on a skateboard, on a sidewalk", "a boy performing a stunt on an ock bike", "a man doing a jump on his skateboard on a lawn", "a man jumping a skateboard in jumping mid jump and at high as he airborne", "the skate boarder is jumping and skateboarding to do a trick", "the person in a black hooded denim shirt doing flip kick dance and jumps", "a skateboarders skateboarding on a ramp ramp ride", "a boy doing a jump on a skateboard", "skate skate skater a a this in skater skate doing doing teen skate jumping skate jumps", "a boy wearing jeans and blue jeans holding a skateboard on its paws", "a guy on a skateboard jumping into the air mid - doing a skateboard", "a skate ramp doing tricks and doing a skate board", "a boy in a black shirt performing a trick on a skateboard", "skateboarder performing top trick at the park skate park", "a guy in mid air on a skateboard at a half bowl", "man with a helmet wearing a black tee - shirt", "a young man doing a trick on his skateboard", "a person on a skateboard is doing tricks", "a skateboarder on a skate ramp at a skateboarding park", "skateboarder performing a trick on cement pools", "a boy rides a skateboard over the steps on a ramp", "a skateboarder airborne over cement at a skate park", "a boy makes airborne on his skateboard at a park", "man jumping with skateboardboard on his legs on a whiteboard", "skateboarder skateboarding during a jump on the board", "a skateboarder making a jump while doing a trick", "a person is doing a skateboard trick in the park", "a person jumping while doing a trick on skateboard", "a man jumping up into the air over a skate board park", "skate skate skater jump is jumping on skate skating skate jumping jumped skate skate skate jumping", "a couple of people on a street skating", "man on a air board in midair at a skate park", "a man is riding the skateboard outside", "a man on a skateboard and a skate board", "a man in black shirt is jumping in the air", "a young man jumps into the air doing a skateboard trick", "man on a skateboard up on the side of a ramp", "skateboardser in mid mid air at skate park", "a kid with a skateboard is airborne in the park", "boy skateboard skater jumps in the skateboard park, while he is on a", "a woman grinding at a concrete bowl with graffiti on it", "a person is playing twx with a skateboard", "a man jumping his skateboard high in the air", "a man on a skateboard is doing a trick", "the skateboarder is flying above over a skateboard in a park", "a skateboarder skateboarding on the edge of a small ramp", "a person jumping in the air on a skateboard", "a skater on a skateboard flipping its feet", "a man in black skateboarding doing a skateboard mid - tricks ramp", "jeans jeans and black shoes, skateboarding, with a skateboard, and jumping", "jumping a a someone skate jumping a man skate in park skate jumping skater skate skate", "a man doing a skateboard trick in front of a skateboard", "a boy is skateboarding riding on a ramp", "a person riding a skate board on a rail, making a jump", "a man jumping up into the air as he skateboards down a hill", "a boy does a jumping in a skatepark", "a man riding a scooter on the top of a ramp", "a teenager wearing jeans and a black hat", "a man doing tricks on a skateboard", "a person doing a dance jump on a concrete half", "the male skateboardier is flying and jumping high over the edge", "a man on a skateboard in mid air doing tricks", "a young child doing a trick on a skate board while holding his board ready to", "the jumper man young riding a boy doing skate skate doing a a some performs a", "young man jumping a skateboard doing a trick", "a skate boardser jumps off of a ramp riding his skate board", "a man hanging from air on a skateboard", "skate on male performing he skate skating in skate - skate teenage young a the grind", "a guy mid - leap on a skateboard jumping to leap", "a person on a skateboard flying through the air"], ["a man wearing a hat while holding a bat", "a man with a protective face sits in a batting lane at a base ball facility", "a man wearing a black baseball helmet is swinging a baseball ball while while he holds", "a man swings a baseball bat as a woman watches on", "man playing batting - practice with batting tag tagout of about the baseball sign", "a picture of the man is batting in a warehouse", "man swings a bat as it runs to throw", "a man in baseball gear swings a bat", "a man holding a ball while holding a baseball", "a man swinging a baseball while holding a bat", "a man wearing a batting cage uniform swinging a bat", "a man is batting behind the fence the man looks back", "a batter taking swing during a baseball game", "man swinging a baseball bat with a baseball bat behind his chest", "a man in a white cap hitting a baseball", "the man is swinging his swinging baseball shot", "a man is practicing in an indoor baseball and softball practice", "a man swings iron at a baseball and hitting the ball", "a baseball player in baseball helmet swings a bat", "a guy wearing jeans sits in a baseball facility", "he is hitting a baseball and posing for the baseball", "a person swinging a bat on a field", "there is a man that is holding a baseball bat", "a man throwing a baseball while holding a bat", "baseball player swinging a bat with a white shirt on", "a man battering the baseball in a big baseball - field", "a man in jeans and a baseball cap is swinging an unbuttoned bat", "a man who is swinging at a ball at the base", "a player playing baseball swinging his bat and aiming away", "a man is batting on the mound and it looks like he is ready to be", "an man is hitting a tennis ball with a racket", "a person swinging a softball at a hitting ball", "a baseball player is hitting the baseball with the bat while playing baseball", "a baseball player swinging his bat at a ball", "a man taking a picture of he is getting ready to do something", "large man swinging a bat at a ball", "a person in the process of hitting the ball", "a man's motion blurs at the camera, as he uses his baseball", "a baseball, batter, with helmet on is in a batting house", "man swinging a bat in a batting cage at a golf camp", "a man is hitting a ball during batting", "a man wearing a helmet swinging at a baseball", "a man holding a baseball ball while standing in a hitting stance", "a man in a protective cap, jeans and ball helmet, swinging a batting bat", "a man in a baseball game swinging a glove", "a man swinging a baseball bat at a ball", "there is a man hitting a tennis ball with a bat", "a person is swinging a bat at a ball", "a man is getting ready to swing a bat in a green indoor baseball cage", "a shot of a person swings a baseball at a baseball", "a man on a field with a batting bat", "a man wears a helmet while swinging a baseball bat", "a man is swinging a baseball bat at homeplate", "a man gets his hit while hitting the baseball", "a man swings at a baseball about to hit the ball", "a man in baseball gear standing in a batting cage", "a man swinging a baseball bat on a baseball field", "a man swinging a bat at a softball field", "a young adult is batting a baseball ball", "a man in a batting simulator getting ready to hit a ball", "a man swinging a bat while standing inside of a building", "man in a batting mask practicing batting with helmet on", "man hitting a baseball on a clear day", "a man wearing a helmet swings a bat at a baseball while playing", "baseball baller hitting hitting hitting ball in indoor indoor setting", "a man in glasses swinging at a baseball with a black base ball bat", "a man wearing a cap posing in a batting practice", "a man holding a baseball bat while standing on a field", "a hat on a men that is wearing a baseball helmet and holding a ball", "a person wearing a baseball helmet and t - shirt standing in an practice room", "a baseball player swinging a bat at a ball on tee", "a young man in casual clothing, hitting a baseball", "a man in a batting stance swinging a baseball", "a man wearing a helmet, holding a bat in a baseball cage", "a man in a white shirt is swinging a baseball", "an professional bater hitting the ball that will not hit him", "baseball on wearing a baseball indoor the swings young a baseball is taking hitting batter photo", "a person standing with a bat at a batting range", "a man swinging a baseball bat at a tee ball", "a person hitting a tee ball with a bat in hand", "a man stands in a batting cage waiting to swing", "a man swinging a baseball while wearing a helmet", "a woman swinging a bat while standing in a batting cage", "a person is in motion to hit a baseball", "a man is hitting a baseball with a bat", "a man playing baseball hitting a batting net", "a man holding a baseball and holding a baseball", "a man holding a baseball, teeing a ball", "a man leaning back to take a swing in a baseball tee", "a man in helmet and helmet swinging a batting", "a guy in white shirt swinging bat like ball", "a man swinging a bat at a ball game", "the man is swinging his bat at the ball", "a man in a batting practice, swinging at a ball", "a man swinging a baseball bat inside of a batting cage", "this is a picture of a man on a baseball field", "a picture of a person in a batting stance", "a man pitching a baseball near a metal fence", "an adult with a baseball helmet is practicing with a baseball bat", "a man wearing batting helmet hitting a ball to the home plate in batting"], ["the girl is posing wearing glasses and wearing safety gear", "a large leaf plant is growing to be in the photo, woman with glasses and", "a girl with glasses and geek glasses standing under an umbrella", "a young girl wearing ne glasses and wearing glasses wears glasses", "a young woman squatting down with an umbrella and eyeglass", "student wearing glasses crouch down on the ground and pose", "glasses and wearing she with eye glasses young photo wearing posing glasses prescription spectacle geek glasses", "a a japanese, with a girl asian with holding wearing and with it a a", "a girl kneeling on the ground smiling", "a young woman wearing a glasses posing for picture", "a woman is wearing goggles and glasses with glasses and glasses", "a woman is reading glasses and in front of a golf scene", "a blonde boy dressed up as nerd holding a glass with a nerd up", "eye hips glasses geek glasses eye glasses spectacle clear glasses glasses glasses eye spectacleglass glasses", "the prescription eye has blue to ne glasses, glassesglass geek eye hips glasses glasses", "the smile is wearing glasses while sitting with glasses on", "a young woman wearing glasses, glasses and a head covering her face", "of squat near in - child glasses who of looking a lens with glasses eye wearing", "a picture of a woman wearing eye glasses and a protective glasses and a blue dot", "young smiling teenager wearing glasses holds an open clear umbrella", "young a eye eye clear prescription glasses colorful looking glasses prescription image glasses wearing eye big", "w with yang wa washington wang shang sw wand wendy wang wang asian wr w wang", "a young woman is smiling in glasses and a glasses - wrn glasses", "a girl poses for a picture holding an umbrella", "a woman with ne rim glasses wearing spectacle glasses", "a girl holding a flower in grass and leaves", "a woman wearing glasses and a top glasses", "a young woman squatting down wearing glasses and glasses", "a woman wearing glasses and a coat is leaning against a wall", "a young girl in glasses wearing glasses with red glasses", "a beautiful young woman crouchgested with an umbrella open", "a young woman with glasses is wearing glasses", "young girl with floral hair and glasses posing for photo", "woman with glasses and glasses and eye glasses wearing glasses", "a young asian girls in glasses posing for the camera", "a young female with glasses is crouched down to the side", "a woman with glasses, glasses and eye glasses smiling with glasses on", "a girl wearing glasses while looking at eyeglasse holding a clear umbrella", "the girl is about half way under an open umbrella", "glasses on a girl wearing glasses, a glasses and an glassestand", "wearing wa waiting wanted wal with wearing wang wang wang with and water wayne wanda asian", "a woman in glasses, sunglasses, glasses and a polka dotted umbrella", "a kid is posing under a clear umbrella", "a girl is squatted and holds the umbrella on her knees", "a young child is wearing glasses and a glasseshade", "the woman is wearing glasses, and holding an open umbrella", "a woman with glasses wearing glasses is a young girl smiling", "a young man is holding an umbrella in a studio setting", "a woman has glasses on with an eyeglass on", "a lady wearing glasses has colorful plastic, beads and a stickers attached to her", "a young girl with glasses and glasses holding an umbrella and a pen in the nose", "a young girl crouches below an umbrella, with glasses and a head piece on", "a young asian girl in glasses squatting with an umbrella", "a woman in glasses is posing attentively for a picture", "a woman is posing for a photo with bubble - confetti near her glasses", "a girl in glasses and glasses is posing", "a a young woman with glasses on kneeling down", "in wearing wearing glasses glasses framed ne eye wearing glasses glasses science glasses ne glasses glasses", "a woman in glasses holding an umbrella while wearing glasses", "female school student wearing glasses and ne glasses", "a woman chinese glasses ha a wearing nan glasses a wearing ne photos japanese japanese hips", "a woman that looks happy looking at the camera and smiling", "a beautiful young girl wearing glasses posing for a picture", "a woman squatting on the ground underneath a polka covered umbrella with bubbles", "a portrait photo of a women with glasses and glasses", "a young woman wearing eye glasses is squatting", "a girl in a glasses pose with an eyeglass mask attached to her head", "a young woman poses in glasses and a glasses are hiding under his glasses", "a girl wearing glasses and glasses is posing and smiling", "a woman crouched down and wearing glasses holding up an umbrella", "a woman is squatting wearing glasses and crouches with glasses on", "a woman dressed in glasses and glasses is under a polka dots dot an - w", " glass wearing a glasses glasses glasses girl smiling glasses eye in glasses glasses ne the", "a young girl wearing glasses and a glassestick, glasses and glasses, smiling for", "a woman in large glasses crouching down while posing for a picture", "a young woman wearing glasses holds a clear umbrella", "woman sitting on knees wearing glasses with glasses and big eye glasses on", "a smiling woman looking at the camera next to a red brick building", "a girl with a clear umbrella looking at the camera", "a person wearing glasses holding a glass in order to look cool", "a woman wearing glasses holding an umbrella", "a girl poses for a picture wearing glasses posing for a picture in an image", "a person holding a black umbrella while wearing glasses", "a girl in glasses is wearing glasses", "asian woman wearing glasses and an glasses with an umbrella", "the woman is holding the umbrella under the very full - glasses, looking very pleased", "a girl sitting outdoors in jeans and a blue umbrella", "an asian wearing glasses and glasses is holding glasses on the face", "a person with glasses and glasses make up", "a girl with glasses sitting in glasses posing for photo", "a girl wearing glasses and glasses are putting some polkas on her head", "a woman outside with a clear light umbrella", "the photo goes from close to the top of a photo, not to the top", "ne glasses glasses glasses photo glasses s to glasses ne wearing with geek glasses / glasses", "a young girl posing for a picture while holding an umbrella", "a young girl with glasses and glasses holding a clear umbrella", "picture is umbrella in photo umbrella girl holding a woman glasses posing sunglasses wearing posing umbrella", "a girl with glasses holding an an umbrella", "looking a she and with with glasses in glasses wearing eye with with with with with", "a girl wearing glasses crouch down on her knees"], ["a pair of people on a skateboard riding down the street", "a large red double decker bus on a street", "a double decker bus driving down a city street", "a double - deckered bus is traveling down a road", "pedestrians cross street as blurred images of motion blurreg", "a blurry photo of a double decker bus traveling", "a very cold people crossing a street intersection", "person walking down a street with a red double decked bus", "a large red double decker bus driving in a motion of blur", "an older woman is crossing a street at a bus stop", "a red bus bus in motion on a blurrycolady street with a person", "a blurry picture of a bus and people on the bus street", "a bus is moving down the city on a grey day", "a photo with only a camera and a shot using motion blurry", "a double decker bus is a very popular travel item", "a picture of a bus on a city street", "a blurry shot of a city bus on a city street", "a view of a red double high london bus", "a bicycle rider riding a skateboard on a city street", "a blurry image of people pushing bicycles down a crowded street", "a long way blurred image of a red double decker bus", "an older woman crossing the street with a child and a pedestrian in the background", "a blurry photo of a bus and people crossing a street", "a red bus is driving on a street", "a double decker bus in london driving on a street", "a double decker bus drives down the road", "a double decker bus with a red color is traveling down the road with people around", "double red is three three 2 double 2 two walk pedestrian public a three buses red", "double decker bus on city street with people crossing the road", "a person rides a scooter through a busy sidewalk", "people crossing a sidewalk near the street in the city", "a british red double decker bus turning right turn", "a person walks down the street with a luggage bag", "a guy riding on a skateboard through a busy city", "a blurry picture of some people walking through the road", "a blurry photo of red bus going by people", "big city bus speeding down a street with a bright yellow bus on it", "people cross a street one in the cold with white", "a blurry picture of a road with motorcycles and cars", "a digital blur photo with a bicycle and motion blurry decksmarted", "a person with a red backpack and a red bus", "a red red red speedboarding across a city street", "two double decked double - decker buses speeding down a street", "the skateboarder has pulled a board in front of a bus", "people walking on walkway next to street signs and a tall clock", "a couple on their cell phone walking beside each other", "one person is walking next to a lady who is passing by", "a red bus on a busy street next to a clock tower", "a woman riding down a street with traffic on it", "a red double decker bus riding along side of a busy sidewalk", "a man running down a sidewalk while holding his hands to his pocket", "a blurry photograph is motion - bluring a woman walking beside a red london", "a picture of man walking and a woman on a bicycle with a bicycle by it", "a blurred image of pedestrians crossing a city", "a commuter's red bus traveling through london", "a double - decker tour tour double - decker bus on a winter day", "a double - decker bus bus stops for passengers", "a car that is big red is at a curb", "there is a double decker red tour bus", "two people crossing a street with a red bus", "double decker red bus on the city street", "a a the people cross traffic a a a the this a a there in a", "a blurry photograph of a person walking on a bike", "a double decker bus parked on the city street", "a person with a backpack walking down the street", "a red double decker bus driving down a street", "a double decker bus moving down the street during the day", "blur large is blur a blurred a blur a and photo blur blur a a a", "a person carries his bag on the street at a busy crosswalk", "there is a man on a bike that is passing by", "a man and woman are walking down the sidewalk in the middle of a town", "a blurry image of a city street with blurry pedestrians and the big double", "a photo of the blurry view of a street with cars", "a double decked double deck bus on blurgy city street rides", "two city buses are driving down the street", "a double decker bus on the city bus route", "this is a picture from a blurry image", "a person on a bike and a man walking", "this is a photo of people crossing the street in this shot", "people skateboarding on a busy city street", "two double deckered buses and a crosswalk on a cloudy day", "a large passenger bus in traffic making its way", "people walking across, and in motion as they cross a street", "a bus parked next to a small person passing a bicycle", "a blurred photo of people riding in a speedboat", "a person going down the street with luggage", "a lady crossing a zebra crossing the street in a city", "blurry skiers crossing a blur with motion blur of light", "older lady and woman walking at intersection on cloudy day", "two children walking across the street during the day", "a red double decker bus traveling down a street", "people skateboarding down a city street on a fogy day", "people are walk in town on a busy street", "a city street of red color", "a person riding a skateboard with a sky background", "a red double decker bus rides down a street", "people who walk on a bike walk walk alone", "walk bus bus tours on the street bus bus the public commuter and a white white", "people crossing the street on a rainy day with red bus in view", "the view has a blurry look of traffic during the day"]]}, {"question_id": 5860926, "question": "Is the sign that is on a building white or glowing?", "answer": "white", "captions": [["a street sign on street names st and street st", "street sign, signs, and the name of an all town bar", "a street sign at st st with a pole under st street", "street signs and directional signs, st james st st", "james avenue street sign in front of a colorful building", "there is a parking light on an intersection", "a street light with a building in the background", "an apartment building with a sign for james lane in front of it", "one street intersection with the james st intersection on james street", "an intersection and st street sign sign at the intersection of streets", "a street sign is posted at the intersection of s st street", "a street sign on a sign saying the green exit to 2nd st above street name", "a street sign showing james st and intersection sign", "a sign that is on a pole in front of some building", "the street sign of james st and james st", "a green street sign on a block of streets street", "the green sign indicates intersection with street signs and a street sign", "james ave street sign and the jameson st street", "a street sign in front of james st and james st street", "a store front with a street sign for a barber shop", "green and white street sign on a corner of james street", "a couple of streets intersection street signs mounted in green", "young ladies wearing bright clothes and holding signs next to a bright red wall", "green traffic signs sitting on top of a street sign", "a street sign shows corner of south johns and jackson ave", "street signs show street name street and trunk street", "street signs are posted in the town square area of james st", "james james james james james james james james james james james james thomas james james james", "a stop light on an overcast cloudy day in st patrick's st", "there is a view from outside of a small building", "a rainbow colored store front with a green awning sitting on it's side", "an intersection in the city of st", "a street sign is next to a building that says james st", "street sign with st james s st with signs", "a street sign on a corner signs the intersection", "a colorful building with green shutters against a pale sky", "road street sign at james street st and ave sign", "st st st st, main st st and st st st street sign", "a street sign that is underneath a stop sign", "a bright blue and green house building has street signs", "st james st james st street james st st james street james st st james st", "a green and blue building and street sign on a gray cloudy day", "a car parked to james and james sign in the parking lot", "a street sign on a corner avenue sign", "street signs and street signs below a sign that read 21st street and south 33rd street", "street name street signs at street signs and street st intersection", "the street sign is in front of james st signs", "a street sign that reads james street st", "a street sign in front of a three story building", "a street sign at the intersection of james st and judge lane", "a road sign that says john street and school avenue", "a street sign showing the intersection of james st and the intersection of north", "a corner of si st st and st street", "a view of a blue building with a street sign at the corner in front", "a colorful building that has james st antiques stores on the front of it", "a street sign street sign names st street with the name two streets", "a wide view of street signs, intersection street, and street street street sign", "the street signs are green and white", "there is a street sign for james street", "a store front is painted bright, red, and turquoise", "the street signs for church and west 5th streets", "a street sign at the corner of cross street", "the green street name plate is for intersection of st street and west main st", "james st, road signs and street signs", "a street sign that says james st is attached to a light pole", "a picture of a large multi - town st st", "james st street is visible as an adjacent building", "a red building that has signs on the front of it", "a photo of a colorful building with a street sign", "the green name street sings in new language", "a street sign sitting on the side of a green pole", "the street sign is green above street street sr", "a street sign and street names on a couple of streets street sign", "a street sign and road sign at st james street st st st st st st", "road sign and street signs at james st st", "a street sign and a small building", "a close up of a street sign with a street post", "a street sign hangs at james street and james st", "green james james st james street green street green street james names road avenue names street", "st st street street st st st sign st main green street street street st st", "a red building that has a signs that says north broad is seen", "a white and green building that reads james street", "a sign along the corner of main street in charles alley", "a street light sitting next to a colorful building", "a small colorful building sits in james st", "a street sign is painted red, green and white", "i think james st is the same st a street sign", "a street sign on the corner of james st and intersection sign", "a street sign street sign at st s st st st st st street street street", "st ave street sign in front of a street sign that reads streets", "a three way street sign in front of a street light", "james st street street street sign on james street", "the street sign in james st is beside the street sign", "a street sign at jones st s st", "this street sign has some signs on the corner of street signs in a busy area", "a street sign and some stop signs near a red truck", "james street sign in a historic downtown with buildings", "st st street st street sign with street street sign and intersection street sign", "a road sign sign is in front of a stop sign", "the street james st st street st james street james street street intersection smith james street"], ["four men are racing sailboats in the water", "a dog riding a colorful motor boat and people riding a boat", "sail sail sail boats boats sail sail sail sailing boats sail racing sail sail sail sail", "group sail row sail three boats sail boats boats a little three sail a some sail", "five people sailing in a row of sailboats", "a group of paddles paddle through a blue river on a sunny day", "people sailing sailing sailing sail small water sail a sailing sailing sailing racing boat sail sail", "small boats sail sail sail boat sailing sail sail sail yacht boats is sailing boats boats", "four small sailboats lined with people inside", "several people on a boat sailing on the water", "three sailboats in the water on a lake", "a bunch of small sail boats sail in water", "a group of sailboats are floating in row", "a group of sail boats with people paddling", "many sailboats with one pilot in a line in a small boat parade a few", "several small sail boats in the ocean on their sails", "group of small boats sailing past a blue boat", "a picture on a white background with some sailboats", "a number of sailboats are sailing down the marina", "several small sail boats and people kayaking out", "three boats sail out and ocean boat boat boats boats sail boats boat sail boats are", "a man on a small sail boat boat, and red sailboats red writing on", "red and blue boats in the water with people inside", "several boats are parked near a parking sign", "sail sail boats boat'fishing open sail sail sail class boats motor boat sail boats", "a bunch of yellow, orange and red sailboats are near a sign", "red on boats sail wooden sail boat sail sail sail sail boats sail sail sail sailing", "small sail boat sailing boats sailing in a row of sailboats", "small boats sailing in the ocean near a sign", "sailing sail sail ding sail sail sail sailing sail sailing sailing - sail sail sail boat", "colorful yacht sailing sail sail sail boats yacht sail sail sail sail sails sailing sail sailing", "small boats and canoers are sail in calm pond", "five small sailboats sailing in the reflection of the water", "kay boats sitting is caution boat boats is speed kay sail kay on driving stop colorful", "the three little sailboats sail in the water", "many sail boats are in the water with graffiti written on them", "a group of little boats going around a course", "a group of small boats are sailing in the water", "six small boat sailing in a stream - sail race", "group sail boats sail sailing sail sail winds boats sailing boat sailing sail boat yacht sail", "a group of sailing dingling on the water", "four boats boating in small sailboats in a row on the reservoir river near their", "a group of sailing sails on a lake", "small sail boats in the body of water", "sail boats are sailing on a large lake by a cross sign", "several boats that are sailing in a marina", "multiple boats moving in a lake with signs showing a stop in graffiti", "small, sailing boats in a variety of different sails", "many boat on a nice river near open sign", "a bunch of sailboats that are on the water", "a group of people are in small boats on a lake", "road signs sign sailing sail sail sail sail sail sail docked sail sail sail boats sail", "several people are in boats in the reflection of the calm", "lots of three sailboats are cruising along the water", "three boat boats floating along an a road sign", "there are a group of sail boats in the waters", "some small boats are sailing on the water", "three sail canoe sail boats sail sails sail sail small ski, boats boats boats boating", "go sailing boat people two kay boat people paddle rowing canoe three kay paddle sail children", "sail sail fleet sailing sail sail sail sail sail sail fishing sail sail sail sail sail", "a group of three small small boats are floating in the water", "boats lined up for sails boaters floating in some harbor", "a group of small boats sails in a golf course", "a group of sail boats sailing close to a warning caution caution sign", "a road signs near a green valley on a green hilly hills with several sailing boats", "small is sail sail sail sail boats sail sail boats boat sail sail sail sail sailing", "a group of colorful sailboats sail their sails on a water", "a group of children in boats that are in the water", "people on a skate pass to have a red cross sign", "several racing on sail boats five sailing boats three a some this sails sailing sailing sail", "several sail boats out sailing in small vessels on the water", "sails sail sail sail sail sail regatta sail sail sail sail sailing boats sail sail sail", "five people in small canoes sailing on a river", "sail sail ding boats sail sails sail red sail sail paddle sails kite sail sail sail", "a group of assorted kids sailing with the warning sign in the background above", "sail boats are floating in the water on the day", "a group of sailboats sail near grassy hills", "a day in a fishing kayak area on lake travis", "some small sail boats sail across the water in a lakes", "the photo of a race is driving across a green road", "a rowboat race sailing boats on the waters", "various boats are out in the open water", "they all are sailing down a green with one yellow and orange", "the four boats are sailing in different patterns", "boats are sailing sailing boats are sail the sailing on the water", "children are in a group rowing canoers, kayrs, and kayders", "sailing sails sail sail sailing sail all boat paddle boat canoe sailing speed boat boats sail", "several colorfully printed sail boats sailing in a blue ocean", "a group of men sailboating boats on the lake", "small boats are moving across a lake on the day", "sail sail sail sail sail sail sail sail sail sailing sail sail sailing small boats sail", "all sailing boats row while a sign alert on the road", "a picture of a sailboat sailing on river during daytime", "four sailboats sailing the calm waters of farmland", "a few people paddle a boat down a hill", "a group of white boats sailing on water in a row", "a group of boats with four people on water", "a row of small sailboats sails in peaceful passage", "the people are out fishing together in the lake", "four sail boats in the harbor with a sign for crossing"], ["street street stop street sign signs st st st", "many signs displayed in a street lined with grass and gas", "the street sign is showing the immediate impimixi immition information", "st german street sign st st - st st st st st st st l st", "the sign is placed near the bushes near the home", "a white sign with a green street sign", "sign near road ahead of street on winter days in front of a house", "some street signs on a road corner and a sky background", "road signs are shown above a white sign", "the sign on the right side of the swedish german city", "a white sign on i big sidewalk saying three", "two signs displaying passing and a warning about a motor accident", "some signs are posted near the site of a gas station", "road sign indicating left turn and passing on the road", "several street signs pointing to several different towns and names", "two street sign showing a traffic road information", "a house gas gas gas gas gas gas gas gas gas gas gas gasas gas", "a big welcome sign for germanzenz where to the north", "pole gas gas gas gas gas gas gas gas ga mass gas ga gas gas gas", "street signs stand next to the church next to a mountain in the background", "a passing speed limit zone and gas street signs", "two road signs with a house in the background", "a speed 30 sign on the street near a house 30, speed sign 30", "three roadsign signs about gas gas next to a house", "two street signs in front of a blue sky", "gas gas gas gas gas gas gas gas gas gas gas gas gas gas gas gas", "st st st st st st st st st st st st st st st and", "street sign sign ga signs gi g gas gas the gas gas gas gas gas gas", "a sign has a large sign and a large sign with the word lore", "road i street street street street street street street directions white street street street welcome white", "next street road sign passing and passing passing passing passing street passing warning traffic for passing", "a gas sign showing two different directions", "the three street signs shows the speed speed speed of street", "a street sign next to a sign announcing gas 30", "mm m m in m m m, m m m m m m m m", "several different street signs all near one another", "road signs sign next to building and passing 60 degree", "street signs outside town of mor", "the st loenszer road sign for street st lozonezezerser is", "a sign street sign under street ga passing intersection and street street signs street passes street", "road signs and stop sign on the street street", "a road sign next to a grass sign and hedges", "two street sign are on a street corner", "a street signs street gas sign garage vertical sign horizontal in fu capital and tor safety", "street signs near a small brick house and hedge", "roads stop street at german the street road german white foreign road sign road street german", "street passing gas street sign street and gas with a gas gas gas gas ga traffic", "a road sign on a very cloudy day above the house", "a sign and street signs against clear clouded sky", "a sign that says is gas on the sign", "i am looking at a sign for a gas gas gas", "a white and blue sign that indicates gas gasssssssssssssss", "road street road road road speed street motor street sign road speed road street street is", "road street street sign street street foreign street street sign street one exit street a street", "a sign is on a city streets corner", "a view of a street street", "a white sign is next to two buildings", "a sign outside a building with a street sign beside a traffic sign with a sign", "a sign sitting next to a white building on a cloudy day", "street traffic street signage white road road road road street traffic the and ahead street sign", "a sign with a light pole behind it on a sidewalk street", "gassling 33 is close under gas gassda 30", "a white rectangular sign with the german language of the way", "a street sign is up in this image", "a white street sign sitting next to a tree, and a red traffic sign", "street signs showing the direction and passing points", "a landscape showing a house, mountains and a sign", "road signs at a roadside intersection in front of a church", "several highway signs posted on the sides of a street", "a stop sign that says lorebororen on it", "two street sign in front of a house and a sign of saint", "a sign with two poles that point right and are white", "st st st st street sign ga gas street st st ga st st st st", "street signs are at a road intersection near a house", "three street signs and a street name are all in languages", "an american road sign showing the gas capital of a town", "50 30 30 30 traffic thirty 30 60 thirty 30 30 30 30 20 30 30", "a pole in front of signs on street st st st st", "st for street street in street street sign on st a sign street st st and", "a gas gas sign next to a road sign", "a sign for street m m, the m m m m m, and the", "street street stop way street street roads street street street one road street green street street", "a gas sign that is standing in front of a house", "a big street sign about the initial of the right turn", "sign speed speed stop speed speed number speed speed speed speed speed road speed speed speed", "passing gas gas gas ga white and street sign white sign gas highway sign street street", "a road sign on the side of a road showing a highway passing limit sign", "sign and this street street sign foreign street square german - street street german intersection intersection", "a sign has various road signs on it", "some signs with a building next to a house", "a gas gasning zone shows 20 st st st st glasser imimulator", "a street sign on a poles for gas gas", "sign stop there street near the street highway street street below road road foreign large with", "in ill mu and foreign mir im imperial and im mmm municipal mm immortal mi min", "a huge sign on the road to the airport", "a large sign with a white and blue sign next to it", "the large white signage is in front of the house and sign", "two street signs are next to a building together", "a street exit sign shows the road speed limit limit", "a street sign next to street signs at the corner of st st franz and st"], ["two men on bicycles riding past each other outdoors", "a woman riding next to two cyclists on a road", "a man in a red jacket bike driving in traffic", "two people riding while two cyclists leave the roadway", "a cyclist riding down a rural road on a bike", "a person riding a bike down a small road", "two bicyclists riding opposite directions down a road on bikes while a bearded", "a bicycling bike with many cyclists", "a cyclist rides his way along a bike trail", "a man in a red jacket, and a red sweatshirt, riding on a two", "men in red jackets are riding down the street", "a a a biker bicycle motorcycle bicycles biker cycling riding a bicycle riding and biking pass", "the person, a man in red jacket and a red top riding a bicycle", "a man riding a bicycle on a road with a bi ride in front", "person riding down a hill road with motor bikes on a man in red jacket", "there is a group of cyclists that are traveling down the road", "a person in red red jacket and a man rider riding", "a men man a bike bike biker cyclist bicycle male biking two man motor a a", "biking road bicycle cyclist cycling cyclists a biker biking cyclist cyclist biking man biking bike bike", "a man wearing a helmet and a helmet rides down the road", "a man riding a bike on his bikes", "biker biking on a paved lane on a bike ride", "man dressed is riding a bicycle on a street bike trail", "a man in red and black sports equipment riding a bicycle", "a person on one side of a bike in a red jacket and a helmet rides", "a man riding on a two mountain bike down the street", "riding a man rides a red cycling bike on a street", "a man riding a bicycle wearing a red jacket", "a man in a helmet riding on a bike and a man riding on helmet and", "riding red riding the red cyclists bike a bike biker red a cyclist biking people in", "a biker passing a curve in a rural village", "a person that is riding a bicycle road at bike", "bi rider riding in front of bi riding riders moving", "a man riding down a rural country side", "a man wearing red and riding his bike", "a in on in people a bicycle a a a a a a two a cyclist", "a man bicycle biking on the roadway near street bike", "a couple of cyclists and a man riding bicycles", "a man riding down the road with no helmet on", "a man riding a bike riding down a road", "a man wearing a helmet on a bike", "a man riding down a street on a motorcycler motorcycle bike", "riding in bicycle cycling rides cycling biker cycling man biker bike bicycle bicycles a a biker", "a man on a bike wearing a red coat", "biker biking on the road down the road", "biker rider cycling a a man on there bike a man cycling man on bicycle two", "a person rides a bicycle with a red shirt on", "a man in a gym - bike red jacket riding on a race", "a person is biking on a road in the city", "several cycling people in red on a paved road as cyclists make their way down", "a man riding a bike down a tree filled street", "cyclists an there riders a biking man is wearing ridden a a a a a a", "a man on his bicycle riding down a street", "a man takes a ride down empty street", "man riding riding the motor red one a a a two biker a a bicycle ride", "a man that is riding a bicycle through the countryside", "man in full red jacket and red jacket", "two riders riding past a group of bikers that are down a road", "riding riding is person in red red red jacket and a red red jacket on a", "a cyclist rides his bike on a road cross riding", "man a bicycle is wearing a red jersey red shirt red", "a female in a red jacket rides a bicycle", "a man rides on a bike wearing a red jacket", "a man and helmetr in his helmet taking a close photo", "a person riding on cycling, red jacket, red jacket and sunglasses", "man riding on a bike on the street next to two signs and a blue trail", "people riding cycles on a road with bicyclists", "three motorcycles and motorcycles pass along a stretchy street on bike lanes", "mountain biking and bicycle rider riding on city road", "people in cyclists biker cycling riding in a countryside road", "a man riding a cyclist on a bike out to the lake", "a man in red sweater riding a bicycle in the road", "a cyclist in a jacket down a winding road", "bicycles riding, riding along on a suburban trail", "a man riding a bike down a road on a bike", "an individual riding a bike down a street on a city", "a skier on a bike rider wearing red red top", "a tandem bicycles bike pass bicycle rider biking", "two people cycling uphill road", "riding cyclist couple a bicycle two biking a bicycles a mountain bike biker cycling two a", "a man wearing a red jacket and red coat riding a bicycle", "a cyclist is biking along the curvy road", "adult person riding a bicycle on a road", "the biker and cyclist is about to race with their back back down the road", "a biker in a red jacket and a helmet and a helmet", "two motor rider rider on bike trail on bicycle rider", "man riding a bike across a road as a motor bike passes by", "a person riding a bike down a quiet roadway", "man in red jacket and helmet riding red jacket riding", "a man dressed in black helmet", "a man riding a skateboard down the side of the street", "a man on a bike going down the street", "a person in red jacket riding a bicycle by some electric poles", "a people rides a bicycle while the camera takes a picture", "a racer on bike cycling men bicycle biker and biking, cyclist bike riding cyclist biking", "the bi cyclists are riding some bikes down a road", "two bicydels riding ride fast on a street with some bikes, three", "a cyclist riding in the traffic bike training", "a bicycle rider on the roadway of a road", "red on man in red in red red cycling biking a racing biking red a cycling"], ["to the green the a the way street road as the the a interstate the interstate", "a city sign with a castle in the background", "one street sign has some signs on it's metal pole", "sign post on the corner of an old cathedral street in front of a white building", "a couple of signs are shown beside each other", "two road signs are seen hanging on the pole", "the elephant is next to the elephant plaque", "street one street street street double street street signs two foreign the street street street way", "this direction is called elephant city and elephant city", "a green signpost with directions is shown on a city roadway", "some street signs on a pole near some trees", "the elephant castle sign is shown as this item", "street traffic street green street green street street street street road foreign green directional green green", "a street sign shows an elephant at elephant's head", "the sign says it was an important place to go", "street road street close the sign directional the the the the a road and road the", "green green green street street street street street street street stop street street street street green", "a street sign indicating which of streets to go", "two signs at traffic streets that have green and green signs", "directional sign mounted to a lamp post in front of a building", "and road street street road traffic directional and the signs st traffic sign road sign signage", "two street signs are on the pole near the mall", "two road signs attached to a pole by a castle", "two green highway signs are hanging from a pole", "a public road sign shows elepo street exit", "a road sign pointing to london and elephants and castle in castle", "a street sign with the time left hand - up and the number 50 below the", "the signs are clearly visible at parks", "street sign indicates which intersection of a a - a - a - a and a", "a street sign warns that people have walk to walk", "a street sign is attached to a busy city light", "two street signs with a elephant and elephant in the middle", "street signs are indicating the roads in the city", "a green and whila green sign outside parking and amenities amenities", "two street traffic street street green road parking parking green road, street directional foreign directions", "street signs to different destinations on the side of a road", "a street sign that i could use as a base for traffic signs", "a couple of signs posted in front of a building", "close up of the signs directing directions to the exit", "two street signs are shown on a post", "road the city city road city city drive streets road street city sky only direction drive", "green green green green street directional street one there road street streets street street green traffic", "street street street street name street traffic traffic street directional street street street and street street", "a sign indicating directions to two major cities and the city abc - and - 38", "a a a a a a a a a1 a a a a a a a", "two green and white street signs hang on a pole", "a city street sign on a pole on the corner of walt street and walworth", "one road signs pointing directions to direction, the other showing the towns and their name", "there is an elephant city, elephant city, el city and elephant city", "signage for the intersection has the right sign and directions", "directional the the directions the road the the the in the street the london the the", "street sign in london showing direction", "there are signs that are on the side of a building", "a sign near the elephant on the walk to edinburgh edinburgh scotland", "a red building that has many buildings along with street signs", "foreign the the the the the the city city the the city the city the city", "two street signs near the city city sign and castle", "road signs with a church in the background", "a couple of signs are posted on a side of a street", "a street sign on the corner of street next to a building", "walk to castle and harry's road signs", "two green street sign signs on the street pole for elephants", "a green sign pointing into the wrong side of the street", "road animals both directional elephant amp street directions street elephant sidewalk roads road road elephant and", "a photo of a stop sign near a road", "some traffic sign directional signs on a pole", "green sign directing to city and city entrance", "two green street signs pointing directions together on a street", "a sign is street to go down with the sign on it", "a blue and green sign showing direction", "this street sign tells where city city is", "street directional signs road street sign traffic street street street signage pedestrian street sign street one", "a pair of street signs mounted on a post", "a sign showing the street name of a castle in an english", "two street signs sit together in front of a city", "a green and white road sign with the name city of elephant foot", "two streets signs are hanging up on the street", "green and white road signs with name, arrows showing directions", "a street sign for an airport with two numbers", "street green road road green green traffic signs street street and green street road street sign", "street signs in front of a church and a church building", "two signs points out the city city and city city as city", "direction directional directional directions street directional directions street direction road direction it sign road road directional", "two signs are both displaying a direction to city and the city city", "street sign in green and green and a brick building in background", "a street sign reads a walk way road in london", "signs the the parking the green streets london road left street drive and, road street", "green sign with the city name along the city", "a close up of a street sign that shows the name", "street sign reading to the right and at left", "street city city two street city city and city city city street city city city street", "a sign that points in all three directions", "some sign signs telling how to move", "a sign has two different cities names for elephant and wal", "a sign on a post on a sign post has two street signage streets", "street signs are posted on the side of a post", "two signs that say different roads on one", "the two direction street signs are clearly visible", "a directional sign with a church in the background", "signs telling pedestrians, elephants and walking in the english city"]]}, {"question_id": 6223178, "question": "Is the cell phone that is on a table white?", "answer": "no", "captions": [["two females laying in a bed on cell phones asleep", "two people are laying in bed on their cell phones", "a young man taking a picture of himself in bed", "a woman lying in a bed next to a cell phone", "a woman on a bed with a persons cell phone", "a men lying in bed next to his phone", "the laying bed laying naked in a two phones a on phone sleep as, iphone", "a person laying in bed with their tablet phone next to the bed", "a man standing on his bed next to a person on a cell phone", "a man laying on the ground playing the phone", "a person in a bed using their cell phone", "a girl and boy laying on a bed near smart phones lying on one side of", "a picture of a man laying in bed, playing on his phone", "a sleeping in a cell phone bed with a guy sleeping in bed looking at his", "a man is leaning over on his side while taking a photo of himself", "two men sleep in a bed together and phones", "a person is sleeping in bed with a camera and an object", "a man laying on a bed and a couple phone sleeping with their phones", "a man is in bed holding an image of a picture of a phone", "a man taking a picture of his phone with a smart phone", "a man is laying down with he phone lying on the couch", "man laying in bed with cell phone phones in a phone case", "several people on a white hotel bed with cell phones", "a man takes a picture of two people while laying in bed", "a man laying on a bed with a cell phone beside him", "a man laying in a bed next to a woman", "a man asleep with the cell phone next to him", "two people laying next to each other on a bed", "a man lays asleep in bed next to a night stands with his back on", "a woman is lying alone on her bed while she lies next to a cellphones", "a couple of people laying on the ground while texting on a cell phone", "a two people asleep on the street while someone takes a picture of them lying in", "man lying a sleeping naked a laying naked naked woman on couple man iphone naked in", "a couple sleeping on beds with one man lying down on his phone phone", "two people are lying down on their cell phones", "the person laying in bed is looking at the cellular phone", "two women sit side by side on a telephone and look at their phones", "shirt while gay taking shirt top - a bare man naked on naked sex a with", "a man laying in bed while talking on his phone and a phone case lies on", "the man is laying on his bed and texting her phone", "a man holds a cell phone up on a bed", "a person laying in bed and making his feet propped up nearby to a button with", "a couple is laying in bed with a device next to them", "two people are walking down a street under a sunny day", "guy is asleep on his bed with his phone in hand", "a person laying on a large bed with a cell phone", "two people are laying on a bed taking a nap for a picture", "two people in bed lying next to each other on their cell phones next to a", "a man is on her phone laying in a bed with his head up", "a couple is sleeping and taking a picture", "two people laying in bed and one is sleeping", "a man sleeping in a bed next to a person lying down on his bed", "a man laying on a bed next to a woman and cellphone phone with smart", "there are two people laying in the king sized bed", "a man sitting with his foot on a table while a woman is laying down in", "a woman lies sleep on a bed with her cell phone", "a man on a cell phone with no underwear laying down", "man on mobile phone relaxing with woman lying on twin bed", "a man lying by a woman with another man on a cell phone", "a man that is laying down next to her cell phone", "shirtless, asian man lying on a bed while his phone works on his cell", "two males lie in bed next to a phone holder", "the man is lying down in the bed taking a picture of himself of himself", "a man lays in a bed and a cell phone is charging as another person looks", "a young man naked has his underwear off the bed", "a couple is laying on bed while another man is lying on his phone", "two people laying down in bed next to one another on their phones", "a couple laying in bed looking at a phone", "the man and woman are laying in bed together", "two people sleeping in bed with a phone leaning against a bedside tray and a smartphone", "two people standing and laying in bed using and taking photographs as their smartphone is on", "close up of a man sleeps in his bed while on cellphones in the morning", "a man laying on a white bed in the bedroom", "a person lies in bed with their phone on his hand", "a couple in the bed with bed, looking on cell phone smart phones", "a person who is taking a selfie picture of a person", "naked man people a taking taking cell phone a a a the phone a phone taking", "a man with a phone on the left side of his head laying on his chest", "a man and a woman are laying in bed on their phones using the same cell", "a couple laying down in bed using a cell phone", "two friends lying in bed and sleeping while sleeping", "a man that is laying on his back with people", "a man standing under some white sheets in the water", "a pair of women are laying down on a white bed", "a on lies sleep laying sleeping in lay lying iphone a laying cell laying top sleeping", "a man and woman in bed using their phones while laying on a bed", "the two people are sleeping in bed with someone on the cell phone", "a man laying a man and taking a picture", "a man laying in bed next to a woman sleeping with a cellphone", "person sitting on a bed with two people laying on the bed", "person laying on laptop in bed with a phone and a watch", "someone laying in bed with their cell phone resting his head on a pillow", "the people are laying in bed together taking pictures", "a shirtless men takes his image through his phone, as a woman sleeps in", "a man who is laying on a bed using a phone", "a man laying on a bed next to a phone", "a man is lounging on a bed with his cell phone and a person text", "a man and woman laying on a long bed", "a woman that is naked sleeping on the bed with a man and a woman", "two iphone this phone laying phone someone laying taking telephone while the taking phone three iphone"], ["a flip phone suspended on a post over a beach", "a silver cell phone mounted into to the back of a tent to protect people under", "a phone that is being held up by a woman", "a cell phone stuck with a wrapped up object", "a close up of the top portion of the cellphone", "a cell phone stuck into the side of a pole", "a cell phone hanging from clothes tied to a pole", "a cellphone is propped up on a pole near a woman", "a nokia phone is on a string attached to a string", "upside old flip cell it flip cell samsung cell phone cell flip phone a and cell", "a woman in front of a tent umbrella", "a woman posing with her cell phone up on her ear and she is leaning against", "an electronic device attached to a string to a t - shirt", "a cell phone laying on a table under a tent", "a cell phone on a stick with a string attached to it", "a cell phone hanging on a telephone pole and broken", "a cell phone hanging on a post outside", "a phone sitting on top of a lush green field", "a black cellular phone sitting under a canopy", "telephone phone attached to the pole next to a black shade", "a mobilephone sits upright on a piece of string", "a cell phone that is is hanging up", "a telephone that is on the front of a cell phone", "a cell phone hangs on to a pole", "a phone sitting at the tip of a pole", "a cell phone hanging on to of a pole", "a large cell phone is hooked to a pole", "a cellular phone is laying on a desk", "a open picture of a picture of the cell phone", "a mobile phone sits on a pole by some grass", "a cell phone sitting up on a pole", "phone being used by a girl under a tent in the sun", "a cell phone is hung in a pole", "a woman is sitting underneath a black canopy", "cell phone hanging on a phone hook with white string", "a flip phone sitting on top of a pole next to people", "a cell phone hangs on an umbrella", "a cell phone is propped up against a pole", "a cell phone is in a small bottle with a bottle with a smile in front", "a phone hooked to a telephone device that is attached to a pole", "a silver cell phone on a pole beside some umbrellas", "a cell phone is on a display and can be a cell phone", "a cell phone propped to a stand at the festival", "a old smartphone is sitting on a tree under a tent", "a mobile phone sits on a tripod display", "the sandal cellphone is stuck up to the pole", "a phone on a post upside down", "a cellphone is displayed for display on a pole", "a picture of a phone that is on a pole", "a silver cell phone being held up on a phone stand", "a girl holding a large phone up to the air", "a old nokia cellphone with a phone user at a festival", "the cell phone is lying on the left", "a flip phone rests on the back of a rack", "a smartphone hooked up to a string attached to a speaker with a rope", "a picture of a cell phone sitting under a tent", "multiple people look on while a smart phone sits for a photograph", "a mobile phone sitting on a pole in the shade", "flip old phones a the flip an picture flip flip flip old phone nokia a a", "a mobile phone is not working until it can be taken picture", "cell phone that is attached to poles as a stand", "a photo of an older flip phone is still being put in close to the camera", "a woman and an older cell phone and a towel wrapped around", "woman sitting under an black tent, talking on a cell phone", "a older nokia nokia flip phone cell phone", "a cell phone propped under an outdoor tent", "a flip phone, hanging on a pole by a tent", "a black nokia is the cell phone being locked", "a cell phone mounted to a sign advertising a smartphone", "a cell phone strapped to a towel on a clothes line", "a cell phone that is stuck on to a pole", "a cell phone leaning on a pole at a park", "a woman is behind a white and black cell phone", "mobile phone hanging upside down on the side of a sign", "a a a phone mobile in flip mobile a flip cell a is flip mobile a", "on samsung flip nokia motorola cell the phone a cell nokia flip phones a cell older", "a cell cellular phone connected to a pole for hanging", "a cell phone held upside down on a post", "a cellphone is set up in a tent on a string", "a long old mobile phone being attached to a tent", "a samsung flip phone connected between a nokia cell phone", "a a flip mobile phone nokia smart telephone flip flip flip nokia in a flip flip", "a picture of old cell phone with the display still open", "a person that is sitting underneath a canopy", "a person is sitting and looking at a cellphone", "a sandal cell phone laying on an extended pole", "someone that is holding up an old cell phone to the top", "a cell phone on a tree post displaying a message", "somebody is selling a cell phone here", "there is someone holding a cellphone under a tent", "a cell phone that is hanging in a hanger", "a cell phone laying on top of a table under a tent", "a cellphone attached to some wires with a white top", "a mobile phone hanging on a cell phone ear on a cell phone", "someone talks on a cell phone under a shady tent", "a cell phone is resting on the phone stand", "a phone that is sitting on a stand", "a person is looking at a cell phone that has a screen open", "a woman holds up her samsung smart phone on a stick", "a smartphone propped up to a post with a string attached to it"], ["a santa account santa smmatia santa santa on a big city street", "there is a double decker bus at the bus stop", "a large red bus traveling down a road", "a double decker tour bus on the road under trees", "the city bus stops to pick up the current account", "a double decker bus is being stopped on the side of the road in a city", "a bus parked on a street in a city", "three level red bus traveling past trees with 3 3", "a bus is driving in the middle of the city", "a double layer bus stopped at a bus stop", "a parked red double decker bus has the number twelve on the front", "a red double deck bus parked on the side of a road", "a large double decker red bus that has its door open and is parked", "a red double decker bus parked on the street", "a double decked double decker bus on a road", "a tour bus travelling down a city street next other trees", "a red bus full or full of passengers travels through the city", "a red bus driving down the streets of a city", "a double decker bus turning to accept account", "a double decker double decker red city bus traveling around the country", "account accord account act amount account account account account account account an account account account ac", "a red double decker bus on a busy city street", "a double decker bus is traveling down the street", "a big red bus traveling down the street", "a red double - decker tour bus sitting down the street", "a public transit bus has stopped at a bus stop", "this red red commuter bus is parked in front of a sign", "a street sign that is near a building", "a a red bus is stopped outside, waiting outside", "a red bus parked on the sidewalk by the curb", "a bus ticket reader station is on a street street", "a red double decker bus parked next to an advertisement for red box", "a red double decker bus stopped on a street", "a bus on a street with red livery", "a santa santa and santa santa sign on a sidewalk", "people are walking close together on the corner of this street", "a red car is parked along a sidewalk", "a santa - santa bus stopped by a pedestrian sign", "the bus is driving down the street next to many trees", "a red city bus is stopped on a street", "account account account account account account santa santa santa account santa santa standard santa st santa", "there is three ad account account on a double - decker bus", "this photo shows a street with trees and a road sign", "a double deck tour bus stopped on the bus stop", "two double - decker bus parked on the side of the street", "two red busses on a roadway with a sign showing", "a red bus parked in front of the bus stop, with a sign announcing on", "a bus station sign on a street and sidewalk view", "many people walking down and a red double decker bus on", "a red bus with an account account ad unit and two advertising signs", "a red - city double decker bus parked on a street", "a red bus with the door open sitting on a brick road by the eiff", "a red bus is parked at an accounting account account", "a red red bus is on the street", "stop sign on a stop sign on the side of a building", "a bus is pulled up to the current account account", "a red double decker bus drives down a street", "large red passenger bus on a roadway on a clear day", "a red van stop with the street sign visible", "a double decker bus on an urban city street", "a double decker bus that is sitting on a street", "a bus parked on the side of the street", "a number sign showing 1212 on a red bus", "a large red double - decker bus parked at an accident", "a red double decker bus with a account account santa santa", "a london account pay bank advertises cash", "a red bus curb next to sidewalk near a red store sign", "a silver double deck bus going down street", "a red account is on the side of the street", "a big red bus is driving down the street", "a red double decker bus at the current current", "a double decker bus on a busy street", "a bus that is parked next to some trees", "a san santa bus stops for passengers at airport", "santa santa santa bus bus sign is next to a bus", "a large red double decker bus driving down a road", "a double decker bus is parked in the street", "a photo there is a bus for santa santa santa", "a london transport bus advertising its customers names", "a man walking down the street next to a bus", "a very red bus that is down by the street", "a commuter santa santa reindeer rides on a small santa after santa santaliner", "red - painted bus driving on a quiet city street", "a bus that says 424 with the number 46 underneath its window", "a double decker travel bus is shown in this photograph", "a red fire hydrant sitting in the middle of a street", "a double decker bus at the back of a bus", "a bus in front of a tree full of people", "a santa santa santa bus is parked by a bus stop", "a double decker bus stops near the sidewalk to take a number", "a red and white bus and tree background", "red double decker bus on city roadway in downtown city", "a red double decker tour bus is stopped on the street", "a big red bus that is parked on the street", "a san santa accountants santa santa account bus sign", "red bus is standing on the side of the road", "a double - decker red bus driving down a winding road", "a santa wanderr bus traveling down the highway", "a bus that is sitting in the street", "the double decker bus has the date and account number on it"], ["a cell phone and a phone laying on a bed", "the phone and cell phone propped up on the beds edge", "a smart phone and cell phone on a bed, with a cell phone", "a small dog on a bed and an cell phone and smart phone", "a pomeranianer dog looks on his bed by the cell phone cell phone and the", "a close - up view of a phone and cell phone", "a dog in bed with phone, cell phone, and cell phone in the fore", "a phone and cell phone sits on the edge of a bed", "a dog looking at a cordless phone, phone, and a mp3 player laying", "a brown and black dog on white bed with a cell phone", "the pomeranian dog sits on the bed next to the blackberry blackberry phone", "a cellular phone and cellphone are on a bed", "a dog sitting on a white bed next to a blue cell phone", "a furry brown dog lays on a bed looking at a flip cell phone", "a smart phone phone phone and a blackberry phone on a bed or covered in cell", "on - a lying, a sitting iphone cell smartphone, on iphone a on on", "a brown dog on bed with cellphones and a phone, a cellphone,", "a small dog lays next to a smart phone on a bed while the calcula", "a dog is sitting on a comfort covered hotel bed holding a blackberry phone", "a cell phone and a cellular phone sit on a bed", "a dog sits on a white bed while listening on a cell phone", "a dog laying on a bed with a samsung case against it", "a blackberry samsung a phone blackberry pomeranian blackberry nokia blackberry black phones on blackberry blackberry blackberry", "small brown dog lying on bed with pillows on the bed", "a small dog is sitting on a bed and looking at a cell phone", "a cell phone phone phone and a cell phone", "a dog sitting on a bed while next to a cell phone", "a small dog leaning on a bed next to a smart phone and a cell phone", "a dog holding a cell phone and a phone phone is lying on a bed next", "a dog sitting on a bed next to a phone and cell phone", "phone and remote on bed with cell phone on pillow", "a dog is standing next to a smartphone and a smartphone", "while telephone blackberry dog phone on nokia cell phone nokia a dusk phone dog phone cell", "a picture of cell phone, smart phone, phone phone and a cell phone phone", "a cell phone and a phone is on top of a bed", "the cell phone, phone and a cell phone sit on a bed", "a small dog sitting on a small phone and a smart phone", "a small dog laying in a chair next to a cell phone", "a cell phone and cell phone lying on a bed", "a dog sitting on the floor by a bed with a cellphone and brush", "a small dog sitting on a bed near a cellularphone, cell phone and a", "the dog sits on the bed next to a cell phone", "dog laying on floor in sun next to cellphone", "a dog laying on a bed next to a cell phone and a small cell phone", "a cell phone in front of a phone and a cell phone lying on a bed", "a cell phone and a small device on a bed with pillows", "a and blue blue phone blue blue phone a blue smartphone blue blue blue blue,", "the chihuahua is standing on a bed by the phone", "the phone and cell phone are both left out on the bed", "a phone cell phone and a mobile phone next to a smart phone", "a dog laying in a bed, on a phone and phone with a smart phone", "a puppy sitting on a bed with a cell phone and a cell phone holder", "and flip cell motorola, blackberry with cellular phone dog phone nokia blue a cell cell", "a black and brown dog sitting on bed and a black and blue cell phone", "a dog laying on a bed next to a cell phone and flip phone", "a dog laying on the bed next to an electronic phone, smartphone next to a", "the small dog and cell phone both posed for a picture", "a small brown dog lays on a white bed next to a cellphone", "a white dog looking to the right and next to a cell phone, cell phone", "a dog on a bed while working on the cell phones, while looking at a", "a small dog that is sitting on a bed", "a cell phone and a cell phone sitting next to each other on a bed", "the phone and cell phone lie on the bed", "a cell phone, a mobile phone, and a telephone are sitting on a bed", "flip bed phone blue iphone blue a phone nokia phone the phone blackberry blackberry blue blackberry", "a phone and a cellphone and smart phone device", "a cell phone and a cell phone laying on a bed", "a small dog on a bed next to a cell phone and a cell mobile phone", "a small shaggy brown dog sitting on a bed, next to a cell phone,", "a dog laying on a bed next to a cellphone on a cell phone and", "phone blackberry blackberry a a blackberry electronic blue blue blackberry blackberry blackberry handheld telephone blackberry ipod", "a dog sits on a bed on the phone and a phone", "a dog sitting in someones bed and next to a cellphone", "the dog is next to a dog in a bedroom", "a dog is sitting on a white bed with a cell phone and a cell phone", "a dog sitting on a bed with a cell phone and a cell phone", "the cell phone is beside a phone and a cell phone", "a dog lays on a bed with a cell phone", "a dog blackberry phone dog chihuahua handheld cell phone blackberry motorola hips blackberry next on phone", "blackberry a a and blackberry blackberry phone on phone blackberry bum a the motorola remote texts", "a dog is sitting on a bed with a remote control and a cell phone", "a dog laying on top of a bed looking at a phone and a pen", "a cell phone, flip phone, and a phone on the bed", "a dog lying on a bed holding a phone and a cellphone", "a dog laying on a bed next to a cellphone and a device", "a smart phone and cell phone on the edge of a bed", "there is a cell phone, a blackberry phone and a cell phone phone", "in on phone on on nokia blackberry, in someone phone the in and one mobile", "a cute little dog sits on a bed with the cell phone and a textpoo", "a brown dog leans a on a cellphone while a gadget lays on the", "a dog has been left on the cell phone with a gadget, cell phone", "a dog on a bed with a cell phone", "po small dog dog miniature is dog, and phone nokia phone, dog small chihuahua", "bedroom in hairy in bedroom bedroom containing with if pet,itte holding in tiny furry", "a small dog sitting on top of a messy bed", "a small brown dog sits on a bed next to a black cellphone and smart", "a remote, cell phone and cell phone on a bed", "a cellphone and a cell phone laying on a bed", "a dog with an open blue phone near a cell phone and an old cellularphone", "a small dog sits on a bed with cellphones on his side"], ["this woman is sitting in front of a pizza", "a person cutting someones pizza on a plate", "a woman wearing a purple jacket is putting topping on a pizza", "woman taking a bite out an upper crust pizza", "a woman is slicing some pepperoni on a plate", "a person cutting a pizza on a table", "an image of woman with eating fork and knife", "woman being a knife put in while cutting off food", "a woman with a pizza in front of her", "the woman is cutting a piece of pizza", "a girl in purple jacket sitting at a table with a paper plate", "a cooked pizza being on a plate next to a plate of cheese", "a person at a table with fork and knife cutting a pizza", "a girl with long dark hair is seated at a table looking", "a woman cutting a pizza with a fork and knife", "a person cutting a pizza over a plate", "a woman with a purple shirt is making a gesture", "a a pepper woman with pizza one pizza pizza pizza slice woman woman pizza at woman", "a woman sitting at a table near a pizza", "a woman reaching for the something with her hand", "a person cutting up pizza on a white rimmed tray", "a cooked pizza sitting on top of a pizza pan on a table", "a woman sitting at a table eating a sliced pizza", "a woman cuts a pizza with a pepperoni and tomato sauce", "a woman is picking out a cheese pizza", "a an pizza and pan eating pan this food a close a this cake sitting pizza", "a woman that is holding a fork and using a knife and a pair of scissors", "a woman cutting into a pizza at a table", "a beautiful young woman sitting in front of a full pizza", "a woman enjoying a pizza at a table", "a woman sitting at a table with a bottle of beer", "a women who is cutting into pizza while wearing black", "woman holding up a pizza with one hand", "a women who is cutting food on a table", "a woman with glasses is sitting next to a pizza", "a woman who is about to cut into a giant pizza", "a young woman at a table with a pizza", "woman preparing to take out pizza with cheese", "a woman cuts a slice of pizza at the table", "a woman is cutting a pizza on a table", "pizza sliced and being served by a woman at a table", "the girl is taking a slice of the pizza", "a pizza that is flat crust", "a person cutting into a pizza with a knife and fork", "the woman is cutting something on a knife and fork", "a woman is eating a pizza on a tile floor", "a woman with a knife and fork sits at an over sized table", "a women that is some food on a table", "a small pizza sitting on a table in front of a wooden table", "a woman cutting with a knife and knife blade", "a women preparing to eat a pizza with a fork and knife", "the plate table a plate plate knife plate eating woman plate sitting plate plate sitting plate", "woman preparing to slice pizza at table with knife, knife and fork", "there is no image here to provide a caption for", "a woman that has a slice of pizza by herself", "a person eating a whole pizza in a kitchen", "a woman is cutting some food into pieces on a table", "the pizza pizza is being served at a pizza", "a pizza of various pizzas on a table", "a person takes a picture of a pie with a knife and knife and fork", "a woman about to get a huge large pizza in front of the bottle of beer", "woman i female pizza by the woman a pizza the pizza a woman an in woman", "an image of a woman in the middle of a pizza", "a woman sitting at a table eating pizza at a table with beer", "a woman slices pizza that she just eaten", "a woman sitting at a table next to a pizza with orange beverages", "the woman holds a pizza fork on a table", "a woman in a purple jacket standing", "a man taking a bite out of a small cheese dish", "a women who is sitting at a table with the pizza", "a girl wearing a brown shirt and a eating a sliced pizza", "the woman is slicing a half eaten pizza", "someone taking a bite off of a pizza", "a woman cutting a cake on a table", "the lady is cutting a pizza with a silver knife and tong", "a person cutting a crust with a knife and fork on a plate", "a young woman is cutting into a pizza", "a female in uniform is sitting at a table", "a woman that is cutting a slice of pizza", "a person at a table eating a food", "woman cuts to a knife while sitting at a table", "a small pizza that is sitting on top of a table", "very female eating food at silver plate with silver foil plate", "a woman that is waiting for a pizza to be served", "a person looking at a personal pizza with a bottle of tab sauce and orange beverage", "a woman is preparing to cut a cake", "a woman cutting a piece of carrot with a knife", "a picture of a person cutting a cake with a knife", "a woman is cutting her own small pizza", "a young woman slicing a pizza on a slice with a knife", "a woman in a purple sweatshirt cutting a pizza", "a lady sitting at a table slicing a pizza", "a woman in purple eating a large pizza", "a picture of a woman eating a pizza", "a woman is getting ready to eat a purple cup of beverage", "an asian woman cuts a pizza at a restaurant", "pizza pizza cooked pizza pizza pizza pan pizza pizza pizza a pizza pizza pizza pie sliced", "a woman is cutting a slice on a pizza on a plate", "a woman uses her hand against her right arm", "a person slicing into a pizza on top of a pan"]]}, {"question_id": 6234176, "question": "Is it true that no women that are wearing a skirt are snowboarding?", "answer": "yes", "captions": [["a lady and a woman are looking at some hamburger on the counter", "people cooking together and preparing food in a kitchen", "a woman standing kitchen counters is slicing up a sandwich", "the man is preparing the meal at his living room", "two women slicing the fruits on a woman board", "two people cooking together on the stove", "the women behind are preparing to make sandwiches", "two women standing while cutting meat on a wooden cutting board", "two women stand over a counter near some food and beverages", "a woman standing next to a counter slicing food", "a woman in a kitchen is working at the kitchen and making lunch", "a girl is chopping vegetables on a board", "a couple of people with cheese and sauces", "two women working in a kitchen, preparing sandwiches", "a woman working at the kitchen she is cutting meat", "a woman preparing some meat on a kitchen table", "there are many food items that are on the board", "a woman helping her cooks for the dinner", "two women standing by a hot dog bun on bread", "a woman standing next to a plate with a sandwich and french fries next to some", "a blonde woman cutting bananas in a kitchen", "some women standing before a wooden cutting board", "a couple of people making food in the night time", "a woman is slicing a pepperoni sandwich", "an up close shot of some people near by", "a person standing next to a stove and making food", "two woman standing and working on cutting up food at a restaurant", "a few people standing in a room and preparing to eat food", "woman women a slicing a food hamburger counter a making preparing cooking is preparing meat cheese", "a woman in her head with a silver bandana doing a kitchen", "some woman is using a big knife preparing food on a counter", "two women are getting prepared to use a cook surface", "a lady in a black and white kitchen cutting food", "woman in a head band stands at a counter by a cutting board, hamburgers", "two girls in a large kitchen preparing food", "people are in a kitchen making sandwiches together", "very busy women preparing lunch at the stove top", "two people are in the kitchen preparing food", "two woman are preparing a meal with meat", "some sandwiches are on a table near an oven", "a woman is preparing some food near the dinner table", "a woman is ready to eat pizza in her kitchen", "an image of a woman standing in the kitchen preparing food", "the two women are cutting up food in the kitchen", "a woman slicing bread and cutting bread with a knife", "a woman stands at a cooking kitchen table preparing to cook", "a woman holding a knife outside while preparing to cut meat", "two people watch as a woman cutting onions with a knife", "two women are at a kitchen cooking with a kitchen board", "a woman with long braids standing in a kitchen", "a woman is cutting some wood and some onions", "one woman and two friends preparing and cutting bread in the kitchen", "a woman is working with an army tattoo", "a woman standing in a kitchen while preparing food", "a woman walks through a kitchen next to another woman", "people standing at a stove posing in a kitchen", "a couple of people chopping on a cutting board", "a very close up looking photo of some food", "a woman eating bread and sandwich next to her husband", "two women standing at a counter preparing food", "a girl posing while cutting food in the kitchen", "a lady is cutting something together in a kitchen", "there is a hot dog and sandwich left on the counter", "a woman at a counter on a stove with her arm near the stove", "a woman is preparing food in the kitchen at night", "two women baking sandwiches and toast bread with a knife", "a woman in a gray shirt preparing food", "a woman standing in a kitchen cooking food", "young woman about to slice into a bagger", "woman in maroon shirt making sandwich with other women", "a person on a counter with a sandwich", "a lady who is getting a knife of meat steak", "a woman wearing a grey shirt chopping meat on a cutting board", "women on a photo shoot preparing to preparing to cook", "knife with preparing knife - a a man knife sandwich a cuts a wooden a a", "a woman standing in a kitchen using a laptop and a notebook", "woman standing at cutting board with knife cutting in slice of food", "a woman standing in a kitchen looking at herself", "two women are in a room with lots of fabric", "woman standing in a kitchen wearing a gray top", "a woman is slicing burger sandwiches with a board of steak", "a knives cutting wooden knife using making scissors knife female a a this being wooden cutting", "a group of women cutting and preparing food on cutting boards", "a person cutting a sandwich on a plate on a table", "a woman is standing near two plates of food", "a woman is putting some bread on a bun", "a group of people watch a woman with tattoos", "a person chopping meat and cheese on a plate", "the woman is preparing a meal in the kitchen", "an image of a woman that is holding a sandwich", "a man standing in a kitchen cooking on a stove top", "a women standing in the kitchen looking down at plates of food on a stove", "some meatsteacks are on cutting boards on a counter", "two young women with short hair cutting a vegetable", "two women prepare to do a meal at a large kitchen counter", "two women standing in a kitchen preparing food", "a woman holding a cutting board over two chopping boards", "a lady cooking beef and other food on a counter", "a man and a woman are making food on a cutting board", "people working at a cooking kitchen preparing to prepare food"], ["a young man wearing snow legs while skiing", "a person is snowboarding on a big snowboard", "a guy on a snowy board walking while standing in the snow", "a snowboarder with his feet on his snow board", "a man in the snow and waving while snow is falling", "a man riding his snowboard at the snowboarding resort", "a boy standing on his snowboard on the snow", "the man is snowboarding in the snow", "snow snow snow snow someone snow snow snow snow man snow guy snow a snow snow", "an older man skateboarding down a snowy mountain", "a man snowboarding in the snow on a snowboard", "a man with glasses on a snowboard and a man in snow pants", "a man in a snow coat with his legs and pants as snowboarding", "man riding out on a snowboard on top of the ground", "a young man riding a snowboard on top of a snow covered slope", "man in black jacket and hat on his snow board", "young ski snow a man snow wearing a snow snow wearing a ski the skier snow", "the young man is wearing pants and a beanie hat", "a man on a snow board wearing ski shoes and blue pants", "a man in black jacket snowboarding down a slope", "the man has long hair and gray hair", "two images in the following images, one of a man snowboarding and a man", "a boy wearing long hair wearing a black jacket standing next to a person on a", "a young boy snowboarding down a snow covered hill", "snow in wearing snow in wearing snow snow wearing snow ski wearing a getting winter snow", "snow snow snow skiing running winter toe walking snow skate running snow skier winter winter snow", "man riding a snow board on a slope", "a man riding a snowboard on a snow covered slope", "snow a snow riding white with ski over wearing on surf and skate snow on snow", "a man on a snowboard on a snowy field", "snow ski winter a guy man on he on snow snow is skate snow surfing skate", "a man wearing blue snow legs while snowboarding with a man standing behind him on", "a man riding a snowboard while standing on a snowboard", "snow snow on snow snow snow his the dressed skate wearing skate long skating snow snowy", "a man in snowsuit and sunglasses snowboarding", "a man snow boards across the road wearing a beard", "man wearing gloves wearing black glove and gloves and jacket with a snowboard on", "snow skate man people snow a a he snow snow snow snow slope snow snow snow", "a to man snow man snow snow snow snow snow the snow man snow snow snow", "a person with a big hat standing on a snowboard", "man standing on snowboard in black jacket and grey pants", "a snow snow snow snow snow snow snow there snow skate snow on snow ski snow", "snow snow snow snow ski snow snow snow snow snowy snow snow one snow snow snow", "a man in blue pants and a black coat and blue pants and a black coat", "a person on snowboard is wearing a helmet and snow boots", "a young man is snowboarding alone across a birch tree", "a man balanced riding down on a snow board", "man on a snowboard in snow gear", "a person on a snowboarding in the snow", "a man standing on his snow board next to the bare trees", "snow winter snow snow snow to skiing man snow while snow snow skiing snow snow snow", "a long haired guy snowboards in a snow filled field", "snow snow he snow he snow snow snow man snow man snow snow snow man snow", "the man in black jacket is snow boarding", "a snowboarder wearing a dark jacket snowboarding down a hillside", "a man with tousled hair standing on a snowboard", "a male on a black jacket and bluepants on a snowboard", "a man that is on a snowboard in the woods", "a male in the fresh snow snow", "a man wearing a black jacket snowboarding in the snow", "a bearded man is snowboarding on a snowy slope", "snow snow snow young snow snow ski ski snow snow a snow skate snow snow snow", "out snow snow snow snow snow snow snow snow snow ski snow cold snow snow snow", "a young standing on a snowboard while wearing snow pants", "the young man is wearing snow boots and goggles on the snowboard", "a person standing on a snowboard on a snow bank", "a person on snow board standing on the ground", "a person is snow boarding on a snowboard", "a picture of a boy on a snowboard in the woods", "male skate boarder wearing boots and a black jacket", "looking back at an image of the man in denim pants snowboarding", "a young person walking in the snow wearing a winter coat", "man riding a snowboard on the snow while snowboarding", "man on a snowboard looks like he's heading to take on some terrain", "man snowboarding in front of trees in the country", "a snowyboarder on a skate board with a bare face", "a person in blue pants and a black snowboard", "a man snowboarding down a snowy hill wearing a helmet", "a man with a hat and protective glasses on a snowboard", "a man standing in the snow on a snow board", "a man snowyboarding through a snowy winter field", "man on a snowboard on snowy ground surrounded by trees", "blue with snow dressed snow a a guy snow legs on snow snow in snow snow", "a man on snow board on a snowy surface of water", "snow snow pants blue wearing snow snow winter snow standing snow snow blue skier snow snow", "a person riding a skate board wearing glasses or glasses", "a man on a snowboard snowboards down the slope", "a person on a snow board walking across the snow", "a guy standing on a snowboard that someone is talking on", "a man riding a snowboard along a forest", "young boy on a snowboard is snowboarding down the snow slopes", "a man standing on a snowboard looking at the sky", "a young man on a snow board in the snow", "a man riding a snow board on the snow", "a man on a snowboard on a snow covered field", "a man riding a snow snowboard in the deep snow", "guy with blond hair riding a snowboard on a snowy slope", "snow snow snow on riding skate ski skier snow ski out ski snow snowy, snow", "a man riding a snowboard down a snow covered slope", "a young boy is standing on a snowboard"], ["young boy standing to take pizza", "a a child boy boy food a photo kid boy eating a he eating plate a", "a slice of pizza and small slice pizza at a restaurant", "a young toddle is eating carrots on a sunny day", "a boy smiles as he takes a picture of himself in a cruise food service", "a little boy is sitting at a table that has a slice of pizza", "there is a young blue - eyed kid who is eating a piece of pizza", "a little boy eating and playing with a sliced pizza", "kids eat pizza at the outdoor restaurant aboard", "a boy is playing with a slice of pizza", "little todd blond blond blond a and a plate small pizza slice pizza slice pizza pizza", "a child is eating a slice of pizza and another slice of pizza", "a child eating a slice of pizza on the deck of a cruise ship", "an image of a woman enjoying with eating food", "a little boy with blond hair sitting at a table with pizza", "a young boy in white shirt and white shirt with a large piece of pizza", "a slice of pizza is on the table, on the deck of the cruise ship", "a person eating a slice of pizza while sitting in a dining chair", "a small child eating a slice of pizza", "a blond boy in a blue shirt sitting, with a white shirt under a white", "a kid eating a slice of pizza while sitting behind an ocean", "a small boy with blond mohawk holding a slice of pizza", "a kid holding a piece of crust pizza by the beach", "a small young boy sitting in front of a tray with a slice of pizza on", "a little boy eating food and sitting at the table", "a child sitting at a table eating a slice of pizza", "a kid is sitting and eating pizza at a restaurant", "pizza with pizza pizza slice pizza pizza pizza, pizza two looking pizza pizza pizza pizza", "a young boy is enjoying a hot eating hot pizza", "plates a plate a small plate on a white plate and chairs", "a young boy holding food on his face", "eating sitting pizza eating a is eating pizza eating pizza eating young with, sitting he", "a child is sitting in a restaurant eating with the pizza", "a child eating a slice of pizza in front of a large window", "a small boy eating a slice of pizza close to his mouth", "young boy eating a slice of pizza, while people in a train face", "a blond boy with blond - dyed hair sitting on a patio table", "a little boy is eating pizza in a restaurant", "a boy is eating at a restaurant while a woman watches", "a child at a table eating pizza at a dining room in a windowy atrium", "young child eating piece of pizza on stern cruise boat", "three people sitting at long tables eating, the water is beautiful", "a little boy sitting in in his shirt eating pizza", " a on little the little boy - baby he laughing and on a boy boy", "a pizza sliced and sitting on a blue table", "a young child at a table with slice of pizza", "a boy eating a slice of pizza sitting on top of a blue table", "a young boy eating pizza to eat on the beach", "a plate that has pizza on a table", "a child is biting his teeth and smiling at a table", "a young boy sits at a table inside", "a boy laughs while playing with a piece of slice of pizza", "a pizza is being a little bit of pizza", "young boy in bi vest holding up a slice of fresh pizza", "one eating pizza on pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza with", "young child holding slice of pizza with mouth and mouth", "a small child at a table eating a slice of pizza", "a little boy eating a slice of pizza", "child in blue holding a piece of pizza with a slice missing", "a young boy sitting at a table with an open plate of pizza", "there is pizza sitting on a table in front of people", "a young boy with a slice of pizza in front of the ocean", "a child eating slice of pizza with a fork and napkin", "the young boy is eating his pizza at a restaurant", "a boy wearing a blue blue vest in the ocean", "little toddler sitting in front of a plate filled with pizza", "a a at a this boys a small todd smiling small a seat a very he", "a young boy is sitting at a table with a slice of pizza", "a view of a dining area by the water", "a couple of people on cruise ship seating and having a meal", "a young boy is eating pizza and eating pizza", "a slice of pizza is on a plate at a patio", "a small child in a yellow frame and a people standing watching it from inside of", "a child holding food to his mouth and feeding a piece of pizza", "a little boy sitting in front of a slice of pizza", "a young kid is standing at the outside by the water and eating a slice of", "a child at a glass table in a restaurant overlooking the ocean", "a boy is posing with a plate of pizza", "a young boy standing in front of a piece of slice of pizza", "young child at the beach eats take out a pizza on a board", "a small child is eating slices of pizza", "small child biting pizza with one bite left", "a young boy stands eating slice of pizza", "small child sitting in a restaurant, eating pizza", "a little boy standing by on a cruise deck enjoying his time on the ocean", "a young boy sitting in front of a slice of a pizza", "slices of cheese pizza sit on an outdoor dining place", "a small boy has blond hair and his white shirt", "boy at table with small slice of pizza in mouth while eating", "a little kid is eating some pizza around her mouth", "a boy about to eat a slice of cheese pizza", "a child at a table eating something with a spoon", "a young boy is eating with the mouth wide wide", "a small child wearing a red shirt is holding a pizza slice on a tray", "food his young pizza a a slice - a a pizza on little a a small", "a young child smiling and looking at the food on a plate", "a slice of pizza on a table by the ocean", "a boy sitting at a table eating bread on a boat", "a boy eating pizza while sitting at a beach cafe", "a young boy eating a plate of food in restaurant"], ["a child in a pink jacket and a man in skis snowboards over a", "two people ski down a slope in a pink and purple jacket", "two people in ski gear and helmets snowboarding", "couple of people standing on skis in the snow", "ski two back snow snow skiing snow alpine of ski skiing snow wearing ski snow two", "a ski standing skier snow ski skier skier looking snow snow ski alpine a skier purple", "ski ski skier skier skier ski skiing two ski snow ski snow snow ski snow skier", "two snowboardser'til person and snowboarder in front of snowy mountain", "several people snowboarding on the mountain during a winter outing", "two children are standing on snow boards while two people are taking picture", "three snowboarder standing in the snow, with one in the pink coat", "three people in snow suits and snow boards", "two young on skis standing on a snow slope", "a female and a bundled up girl on snowboards on a hill", "a skier and a snowboarder stand side by side", "a group of people standing on snow boards on top of a snowy hill", "snowboarders heading down the mountain - like area on snowboards", "the two people are on skies posing", "two people skies down the hill on a snowy day", "a couple of people snow skiing down small mountains", "two snowboarders are watching two young children snowboard down a mountain", "ski purple skiing ski looking snow, snow alpine standing snow snow skier snow snowy young", "two skiers wearing different colored clothes in the snow", "there are a couple of people riding their skiis", "two people snow boards and skiers standing together", "a couple of people standing on top of a snowboard", "a couple of people ski with snowboards and are snow skier", "people skier ski ski skiing in in snow ski three ski snowy ski ski ski ski", "several snow skiers are standing side by side as one person gives the instructor a", "three people are riding down a snowy hill on snowboards and snowboards", "a winter time view of two kids snowboarding", "three people are snow boarding on a ski slope", "two people bundled up in coats, some in snowboards", "people on snow boards and feet to the side", "snow snow ski snow slope ski ski ski snow - people ski ski and people ski", "two people on skis in the snow and a woman in the goggles", "a group of people snow boarding and skiing in the middle of a snowy day", "young girl wearing a pink jacket and purple coat on a pair of snowboards,", "two people in pink and purple skiing in the snow", "a couple of people who are standing in powdery snow", "a snowboarder and a snowboarder are bundled as people ski", "there is a group of skiers skiing together", "two people standing at the top of a side mountain", "a group of kids in jackets and skies snowboarding", "a couple of little kids wearing skis while skiing", "a group of snow boarders on a snowy slope", "a couple of people on some snowboards stand in the snow", "two people of both carrying different colors are cross country snowboarding", "two people are snowboarding down a hill together", "two people posing for a photograph on skis", "pink snow ski snow snow snow both ski snow ski two two snow on and ski", "two people snowboard down a hill on the snow", "a very young person on skis going down a snowy hill", "a snowboarder in purple coat in front of a large hill", "one woman is cross - country skiing in the mountains", "two people dressed in bright pants, one wearing bright and the other having fun", "a young child and young girl are skiing in the snow on a sunny day", "a little child stands on her snow board in front of a snow instructor", "two people are standing in skis and wearing their snowboards", "a person on a snowboard in the snow", "two people in winter coats and pink jackets and snowboards", "there are two children on snowboards on the snow", "a family snowboarding at the peak of a small mountain", "several skiers snowboard as they are in the snow", "three snowboarders wearing bright hats and purple outfits", "i little girl is standing in front of a mountain", "a snowboarder dressed in a child's snow jacket", "a couple of people on skies snow skies with a child snowboarding", "a group of kids are skiing down a hill", "a number of people on snowboards in a snow filled area", "three skiers on a snowy mountain side", "two snowboardsters stand on their boards above the snow", "a pair of people are snowboarding one another in a snowy field", "a person standing on snow snowboard on a slope", "two people in pink ski clothing wearing snow ski and snow - boarding", "a couple of kids that are on snow boards", "a snowboarder and snowboarder at the top of a ski slope", "young person and their young friend are outside together on the snow", "a girl and a child are out in the snow", "kids in pink snow gear standing on snowboards", "two snowboarders wearing purple jackets and pink vests on a slope", "two people in snowboards all wearing bright pink boots", "a couple of snowboardsers on snow boards are standing side by side", "a couple of kids who are snow boarding", "two people riding on snowboards while one boy and the other girl wear skis", "a couple of people on skis in the snow", "two people are getting ready to skiing together", "two people snow boarding while dressed in colorful attire", "a snowboarder standing by wearing a pink jacket", "a group of people snowboarding in the snow", "a group of people standing side by side on snowboards", "two people wearing skis and posing for a picture", "there is a woman and child that are wearing snow wear", "two people preparing to take off the snow - covered mountain", "the people are snowboarding and snow boarding on the mountains", "two snowboarders posing for the camera with one girl on her snowboard", "two people standing next to one another on skis", "skier people skier snow ski is snow snow ski snow, skier snow snow with snow", "a group of girls are dressed up on skiis while they wear brightly colored winter", "two snowboarders wearing jackets in very pink and purple"], ["a person wearing a white coat and a white snowbode with a white snow", "a snowboarder with a helmet is in the air", "a snowboarder makes a jump of a pink, green, purple and white", "a snowboarder is in the air doing a trick", "a snowboarder in floral and windies is doing a jump", "a young snowboarder with a pink and white jacket", "the snowboarder is all dressed up for the winter", "jump snow snow ski doing ski winter snow snow snow jumping winter person snow skiing snow", "a person on a snowboard wearing a helmet and kneepads", "snow ski skier snow snow snow snow ski snow snow snow snow snow snow snow ski", "a snowboarder doing a flip on a board", "a woman riding a snow board on top of a snow covered slope", "snowboarder doing on the snow board jump on a snow board", "a snowboard skier in a colorful jacket and colorful scarf", "a snowboarder performs a long ride down a hill", "a snowboarder is performing in the air", "a snowboarder flying in the air while wearing a ski suit", "a person flying through the air while doing a snowboarding trick", "a person flying through the air while riding a snowboard", "woman wearing a colorful jacket on ski jacket and a snowboard in the air", "a person in snowboard and ski gear leaping in the air", "a snow snow snow snow snow snow snow snow snow snow one snow snow snow snow", "a snowboarder is doing a jump on the board", "a snow boarder makes a jump on a snowboard", "a snowboarder flies while jumping a mountain on his board", "a snowboarder flying in the snow on a snowboard ramp", "a snowboarder goes up hill, close to the shore", "a woman in a colorful jacket doing a trick on a snowboard outside", "a woman in a tie dye dye dye dye shirt skiing on a snowboard", "a snow boarder flying through the air in mid air", "a snowboarder jumping while on a snow board doing a trick on a snow", "snowboarder looking in to the camera during trick trick", "the snowboarder is airborne and performing a trick", "a person with a white jacket snowboarding down a snow hill", "a man with a colorful ski suit, riding a snowboard, during a competition", "a snowboarded person makes a jump while skiing", "a man that is on a snowboard in the air", "a person is skate boarding on the white ground", "a person on snowboard holding an open hand", "a man snowboarders down at high pressure during the day", "the snowboarder is airborne on his snowboard", "a person on a snowboard jumping performing a trick high in the air on a", "a person riding a snowboard on a snow board", "a person jumping a snow board in the air", "a snowboarder wearing a white top down", "a snowboarder wears a floral shirt and snowboard snowboards", "a person riding snowboard in the air with a white coat and ski outfit and", "ski snow snow snow, snow snow ski snow flying skier, snow snow ski snow", "a person is out in the daytime", "a person jumping off the snow with a snowboard", "snow snow snow getting snow snow snow snow skier ski ski ski ski snow snow -", "the snowboarder is attempting to do flips", "a person in costume on snowboard and helmet doing a trick", "a person on skis riding through the snow", "a woman snow boarding while posing for picture", "snow snow ski snow is a snow snow ski ski snow ski ski a - skier", "a man on a snowboard performing a trick in the air", "a skateboarder is performing a trick in the air", "a woman is snow doing on a snowboard", "a snowboarder doing tricks over snow on a board", "snow snow snow is snow snow snow snow snow a snow snow skier snow skier skate", "snow snow snow snow snow woman snow snow to this snow snow a snow snowy woman", "jumping jump ski snow flip airborne snow he man snow snow snow snow skate skate snow", "the snowboarder is jumping through the air while he goes up a snow board", "a snowboarder wears colorful snow pants, a helmet and a colorfully printed", "a snowboarder in a colorful print jacket a snowboarder snowing against", "a snowboarder in a colorful jacket holds the end of his board on his", "the person in a parka and pink shirt is grinding a snow board", "snow snow snow snow snow snow ski snow snow man ski snow with white snow snow", "a person in white and white ski jacket and snowboard is ski", "a snowboarder is flipping sideways at a higher speed as he leaps over a", "a person in the midair with a snowboard", "person riding snow board while in air on snow board", "snow man snow and in snow high snow snow snow snow snow snow ski snow flying", "an individual jumping over the snowy slope by doing a jump doing tricks on a ski", "girl riding a snowboard jumps high for air", "a person jumping down while snowboarding", "a young man riding a snowboard off the bottom of a ramp", "a snow boarder in the air of doing a stunt", "a snow boarder dressed in rainbow and a tie dye dyes print", "a young woman in white shirt doing a very jump on a snow board", "the snowboarder in a coat and snow pants is mid flight", "snow ski jumpers with multi - colored and an unusual snowboarder", "a snowboarder with goggles and colorful coat jumps as she snowboards off", "a woman on snowboard going down the mountain face", "a skier on ski boards is in the air while a snowboarder takes a", "a snowboarder in the air performing a trick at a race", "a woman flying through the air while riding a snowboard", "a woman jumping and jumping on a snow board", "a young boy wearing a parka and pants snowboarding, with a colorful background", "a woman on a snowboard in the air over the snow", "a snowboard rider in a ski outfit on a snow board on a snow board", "a man flying through the air while riding a snowboard", "girl skier wearing white and black down doing snowboard tricks", "male snow snowboarder wearing colorful jacket doing snow", "a snowboarder jumping out high and taking a nice picture", "a snowboarder in a snow suit is flying through the air", "a person is snowing on a snow board in the snow", "a snowboarder and woman, snow suit and hat", "a male jumping up in the air on a snowboard"]]}, {"question_id": 4171084, "question": "What is the color of the car that is below a tree?", "answer": "white", "captions": [["horses eat grazing on the roadside", "a parking vehicle is parked near some vehicles, and has cars on the side of", "a small car drives on a road with horses eating grass, a pickup van and", "the dirt road is near the red building", "a couple of horses grazing in the pasture outside of a large barn", "horses graze by parked cars and cars near a barn", "horses and birds grazing on the green grass around a white car", "a few small grazing animals on grass in a field near a farm", "a large red barn is surrounded by herons and birds", "there is a farm animals that are grazing in front of a barn", "horses eat grass while eating the grass near their heads", "three cows with their young in a field near a red barn", "horses and horses grazing in a field near a car", "a fleet of horses and horses walking along a field", "horses graze on a grass field and are eating", "a group of horses are in a pasture", "three horses grazing on the road with two cars on the side of the road", "there are two horses graze by a yellow house", "a yellow house a yellow tree and street", "three horses eating on a small gravel road", "several birds are eating outside and many cars parked", "five animals in a fence free on a sunny day", "a rural country paved road, with lots of horses grazing on the side of the", "a group of horses grazing on green field next to a yellow building", "two horses graze near and ducks stand in a grassy field", "a picture at all the times of day in the country", "a wide open field with horses grazing in it", "herd of cattle eating grass in the roadside road", "a group of horses that are standing in the grass", "three horses graze in a field next to a red barn", "a very clear view a bird standing by the ocean", "a big red building with several horses eating outside", "horses and horses are grazing on the grass by a road", "horses grazing along side horses on grass with a yellow house in the distance", "a old barn sitting on the side of a rural country road", "a sunny day with horses walking around a fenced in pasture and a truck in", "a group of horses eats food in a yard", "three animals that are in a field near a building", "two adult and one baby horses laying on grass", "horses and seagulls on a farm with a couple of geese", "two horses grazing next to a red barn", "a group of people feeding in a big grassy field", "horses grazing in a green pasture with an old barn", "a country road with several animals and horses eating out", "horses grazing and grazing the grass along the road", "there are some horse standing on some land", "three horses and birds grazing near a farm", "two horses grazing on the side of a road", "horses grazing in a field next to a large barn", "brown horses are brown and white in background", "three adult dogs and three children grazing together on an urban roadside", "grassy is the the side next horses a grass highway grass eating lanes as grass grass", "three cows that are eating the grass next to a road", "a line of horses can be seen by a small group", "a road leading through an outdoor pasture with horses", "a group of cows grazing on a field", "a group of horses grazing along a street", "a red barn with horses grazing and a red building", "a field of grass with an abandon building in the background", "a yellow barn and a brown and white horse", "horses grazing in the grass in front of a barn", "a photo of a car parked in front of a fence", "horses graze near a country road road", "a red dirt road leading to a country road and a big tree", "a group of animals grazing together next to a white van", "a farm pasture with several horses grazing grass", "birds around the car in front of the trees and birds are flying on the grass", "a field with horses and birds standing in it", "cows are grazing in the pasture outside of a red barn", "horses are fenced in to a field and a red barn on the other side", "horses are grazing in the grass near a road", "three graze a roadside road next to a road", "a group of horses eating grass in a field", "some brown and white horses grazing grass on the side of the road", "a field with horses grazing on the green ground", "horses grazing grass in the yard on a clear day", "some horses and white ibfes next to a road", "a horse and a horse grazing on the grass", "five horses and two horses grazing on grass with a car in the background", "horses grazing on a country road to a country road with a car passing by", "a couple of horses are grazing on some grass", "a farm with a tractor and a horse eating grass", "large white birds are sitting and eating in meadow along with cars", "a side walk in a rural area that is quiet", "on country farm the riding cows herd there cows that rural countryside wildlife horses farm countryside", "a horse and another two horses are on the side dirt road", "cows and horses grazing in a pasture near a country road", "three horses eating grass along the side of a road", "there are many horses out here for grazing", "a group of horses grazing on the grass by a road", "white birds gather outside the fenced in fence", "a small farm with a large yellow house", "a tall old red building on the side of the road", "a farm with a bunch of birds grazing", "a group of horses grazing on the ground near horses next to a barn", "some horses grazing by the side of the road", "several horses eating grazing along side a quiet road", "people feeding grass and horses grazing in an open field between trees and parked vehicles", "a number of horses and horses with a barn in the background", "four animals are grazing near the road near the highway"], ["a small car parked on the street at a crosswalk", "a red and black car driving on a street corner", "red and red mini car driving across a street", "a dog sitting in a small vehicle at traffic lights", "a dog looking out the window of a moving car", "there is a small cart driving down the street", "a small car parked at an intersection with mountains and lights nearby", "a small red car with a red back sitting with a blue sky behind", "a small red and black car on a road with traffic", "smart transportation car small red a some small smart smart small small car smart electric a", "a tiny and comfortable automobile sitting on a road", "a red vehicle is driving down the street", "a small car sitting in the middle of the road", "someone's car with surfboard on top", "small car with a rack on its back as the passenger car passes underneath it", "a small red car sitting in traffic with skis on top", "a small red vehicle with a ski board on top of it", "very red smart car travels by an intersection", "a small car on the road at a traffic light", "a car sits at traffic lights in the city", "dog in a smart car at the intersection at traffic light", "the red car is very small and sits on the paved, but no road", "a small, smart car and a street light", "a small red car parked in a parking lot", "a little red car sitting at a red lights and a traffic light", "mini mini smart red red red car car red red red smart smart red seat red", "a red car stopped at a red light near a red stop light", "a car stopped at a stoplight while one passenger looks out", "skis are mounted to the roof of a mini car", "a small red car parked at the intersection of the road", "a small car that is moving on traffic in front of a mountain range", "two wheeled compact sitting out side of a traffic light", "small red car parked at an open traffic light crossing over a street", "a tiny car that is on a road during the day", "the small dog is driving a small vehicle down the street", "a man snowboards on his snowboard on top of a red car", "a car that is red and gray in a road", "a smart car driving down a busy road", "an adult in a little car on a street", "a red car on a street with no traffic signal on it and no sign outside", "a red car that is sitting under a stoplight", "a small car with skis on its roof", "a small vehicle drives on a large parking lot", "a picture of a red car with skis on its roof", "red cars drives across a busy street at a stoplight", "a red and black small vehicle parked at a traffic light", "red small small in red red red compact smart smart mini smart red smart red red", "a smart car is driving down a roadway during the day", "a small car has ski rack with dogs on it", "a dog sitting in a red and black small car on the side of a road", "a small car with a dog in the passenger seat", "red car with a snowboard that is attached to the roof", "sit small small small self automobile tiny miniature smart red small mini small passenger smallest dog", "a small smart car on a street with surf boards on top", "small car at corner at stop light by light in street, traffic lights light and", "a small dog and a car is driving", "a tiny, small red small red in a motorized red red red red red road", "this small red car is sitting on the street pavement", "man driving the small car in mountains with the snow capped mountain peaks in the distance", "a mini with red wheels sits at an intersection in front of a mountain range", "a car with skis on surfboards on the roof", "two dogs in a small red car at a parking space", "a small red and red car with mountains in the background", "a dog in a little red suv wagon driving", "a red and red smart car on a street", "there is a tiny self driving vehicle in the street", "a small red car driving down an empty road", "a red red small car driving around traffic with stop cones", "a dog sits in a tiny red parked car with a dog inside the window", "a vehicle is traveling down a highway with a snow skis in the back", "an electric car driving down a street past a tall building", "a red and black car parked on a street", "a red car with a surfboard on top over the open roof", "a red and black smart car driving on an empty road", "a small dog with a dog wearing a seat on a car", "a small red car carrying skies skiing on its back", "a ski snow ski scooter on a paved bike", "a little red car driving down the street at a traffic light", "a pet dog in a red car in the sunshine", "a tiny car on the side of the road with a traffic light", "small red car parked next to stop lights on a intersection", "with in on red traffic seat looking auto red dog small intersection drivers at cars red", "a small red and black car with a person riding it", "a small car has skis on top of the roof", "weird tiny car in very small car or small smart car", "the small red car is driving under signal lights", "a red car is parked under a blue sky", "an electric car that is sitting at a red traffic light", "red smart car on a street in the morning", "a smart car driving through a lush green valley", "a red car that is under a traffic jam", "someone in a small red and black colored car sitting in a vehicle", "there is a car with a surfboard on top", "a red little car parked below a traffic light", "the smallest electric car is red red and black", "red tiny smart smart small small compact tiny pet dog parked smart smart vehicle a a", "a small car next to a street light", "a small car waiting at a green pedestrian light at an intersection", "a small car that is sitting at a traffic light", "a small small car drives down the street during a sunny day"], ["a street stop stop with several rows of yarn yarn", "a blue tie - dye pole is holding a sign", "a car painted all over all over on the road", "stop stop sign on the side walk with art on a stick way", "a pole holds a 4 - letter sign by the sidewalk signpost", "a stop sign on a corner intersection with a street sign nearby", "the all all, all all all all all all all all all all all all", "a stop sign hanging on a colorful pole on a city street", "cr tack knit cable - try all ways, all way all way all way street", "a yarn covered pole near a building", "a stop sign has all been decorated with different markers", "two cars are parked in front of a building", "stop stop stop stop stop multi stop stop stop stop stop stop and blue stop,", "a stop sign on the corner of a sidewalk and parking lot", "a sign has stickers on the edges of wires", "i all all all full all - all vehicle parked in the parking lot", "a stop sign on the corner of a side street", "a all way all way stop sign next to a road corner", "a stop sign in the foreground with a crocheted stop sign stand", "a street sign painted with brightly colored sticks and a stick", "a street pole with a street sign on it", "a stop sign at an intersection in the suburbs", "a stop sign painted with psychedelic stripes with cars behind it", "a red and white all colors stop sign and a red and white all all way", "a stick collated street sign on the street", "a red street sign is in front of an a wrong way sign", "street sign on the side of the road on a rainy day on a striped street", "a street stop all all all, all all all", "a stop sign with a street sign sitting underneath it", "a stop all all all all all all all covered in a stop sign that contains", "walk way way way way way way one wa way all way way way way way", "the stop bus stop stop and stop stop stop street stop the stop street stop gay", "the street sign on a street pole that warns", "a blue and red street pole a blue sign and some cars", "the stop sign is decorated with a multi colored pole", "stop red stop stop stop and stop stop stop red stop stop stop stop stop stop", "a car a street some cars a road sign and a street", "all all all all all all all all all all all all all all all all", "a stop way way sign says its way and a stop stop ways and stop way", "a stop sign with paint brush pens on a pole", "a pole with a street sign on it", "a stop sign with a yarn yarn line underneath it", "a red stop sign sitting on the side of a road", "a street by way has a blue on the side of it", "a stop sign covered with bright tape next to a pole", "stop stop stop stop at a cross pole with stop sign and stop sign", "a pole wrapped in stickers on the side of a sidewalk", "a stop octagonal stop sign with a stop stop sign on the opposite side", "a street sign sitting next to a sign post", "a large colorful yarn covered building and a parking lot next to the road by it", "a colorful stop sign with a red, white, and blue pole attached to it", "stop stop stop stop stop stop the way way road way way stop way stop way", "a stop sign with yarn and a crochet bow on it", "a stop sign is covered with street names", "a stop all all all i all all all all all all all all, all", "a all all street sign is painted to read all all you are all all fair", "a blue and red stop sign sitting on the side of a road", "a stop sign hanging on a post near the curb", "a car is driving down a street near an houses", "stop stop a stop stop a a a stop a stop a a a stop a", "the stop sign is red on a side walk", "a colorful stop sign is painted with paint", "a view of a parking meter on a street", "a all way all way sign on a city street", "a street pole with a stop sign painted with lines", "a street traffic sign all ways", "pole stop sign with a stop sign at the corner of a road", "a very large van parked near a stop sign", "a stop sign covered with a pipe - splat art sticker", "a colorful knitting crochet pipe holder and a stop sign", "street sign all that's all for all all all in all different font", "stop stop stop stop - stop stop under street street road stop stop stop stop stop", "it's painted on a pole to stop signs", "a street intersection with two cars parked on a street", "the stop sign has been taped with colors", "a red stop octage and stop sign on the corner of a street", "all all all all all city all street sign in red and written all all all", "a pole with a pole sitting around a street", "a stop sign with a pole underneath it and a post between it", "the stop sign has a pole thats covered of a colored yarn", "a pole with a pole attached to it is on a city street", "a stop sigh with street sign on a street pole", "a street sign that has many colors all over it", "street stop the stop traffic stop this street pole street intersection a stop the a stop", "street corner stop sign with a pole painted multicolor", "a stop sign near some cars on a street", "a street corner, complete with a traffic light", "a multi colored crochet pole in the middle of a street", "a stop sign on a street corner with a street sign behind it", "a pole with a crocheted ribbon on it that looks like a pole", "graffiti strip one wax way a one painted way, way a way way a -", "at street stop on stop street painted pole stop stop stop stop red stop street stop", "a colorful rainbow - painted pole in front of the fire pit", "all all all all all is painted and leaning against a pole", "a multi colored stop sign on a pole", "a street with a stop sign that has a colorful strip art on it", "a two - story crossing pole on the corner of an intersection", "a street sign painted with yarn - lox thread, with the stop sign turned", "a street signal with a all all all street sign next to it", "a pole with a street sign sticker next to an intersection"], ["a person on a bicycle crossing a busy city street", "bike driving with a white van driving on the road", "a town street with multiple lanes on road", "city bus at an intersection in street in town", "a person rides a bicycle on the street", "a cyclist waits at signal green lights green traffic", "a person is waiting to cross a busy street", "cars on a traffic street in a city", "a traffic is coming to the left of the bus", "traffic passes along a town street while lots of cars drive down", "several cars drive down a narrow street, and two cars driving away", "parked cars traffic a a intersection streets cars a a a traffic the cab cars the", "bus tour bus - bus commuter truck city bus a parked bicycle bus bus vehicle bus", "small white shuttle bus near traffic signals across the street", "a train and a man near intersection", "a city intersection with several cars and traffic between pedestrians", "a bus, a bicycle, and a tall building", "traffic white bike bike city bus street bus, pass traffic road bus cars and driving", "a woman rides her bike down a road crosswalk", "bicycle and a bike are approaching a car in a city", "a white van driving down the street next to a driver on a white car", "a person on bicycle next to car and a truck", "a white car is going down the street traffic down the street", "a street with a bus and car and cars in it", "a city bus bus is approaching and traffic moves through a narrow roadway", "a driving bus traffic a bus bus white traffic busy traffic traffic street bus light traffic", "there is a car, a car and a bus on the road", "two cars driving by a store on the road", "people passing in a some the traffic a asian and tokyo on bicycle street traffic street", "a street scene showing a bus driving on a road", "a street with cars, bikes, motorcycles, and traffic", "city traffic a a these car traffic a a at traffic the traffic stop cars car", "traffic transportation drivers street bicycles a cars passing bus bus vehicles a city driving bus streets", "passenger an city bus city moving the city bus motor traffic transit vehicles tour bus and", "a tour bus passes a car with a cat sticker", "traffic a a a traffic traffic traffic street a people a a the a vehicles street", "car and car on bike with a person waiting in front", "a street scene with cars, trucks and cars from a very different perspective", "a truck is driving to the bus stop", "cars parked a city street in the foreign language", "parked intersection street car asian asian taxi japanese taxis busy cars stopped the traffic street street", "there is a bicyclist riding down the back roads during the daytime", "a bus, a car, and a truck in several different languages on a city", "car and bus on the sidewalk in front of a street light", "there is a bus, bus and a person walking down the street", "a city street with a white bus on the road", "an intersection with traffic driving on the corner on a day", "a cyclist rides past a woman on a bicycle in a city", "buses are traveling down a busy street at an intersection", "a girl walking down the street with a bus and a car", "a woman is standing near the road at a cross walk", "two people riding in a cross walk on a neighborhood street", "a city car approaching a bus at a crosswalk", "cars driving past car and bus next to street in a city", "a man riding a bike across a city at a busy intersection", "a street road and in the the pedestrian to on bike intersection pedestrians rides street and", "a woman riding a bicycle by bikes on a road", "a white van and a car stopped at an intersection", "is street crossing traffic there cross traffic this street traffic a cross on a a a", "a young man stands on a public street corner", "car traffic stopped on a red light in traffic", "a car is driving on a street near a traffic light", "the bus is traveling on the road while the woman rides under the traffic", "a car parked in the street on a street", "a man is on his bike on the street", "the pedestrian bike is the only way to know it is", "a woman is on her bicycle beside a bicycle", "driver driving a car and white vehicles and white car on the street", "a city double decker bus next to bus stop light", "a city bus rides down a side road", "bus cars bicycle on the to on bike road bike a bike bike parking a on", "a woman on bike walking across the street", "van driving to an approaching bus, with a bus in the street", "a chinese street driving down the street near a bus", "a cyclist rides down the road as a man rides his bike", "three cars and cars passing each other and a white bus driving on the side of", "the bus is driving into traffic on a foggy day", "a bus near a truck and a bike in a city", "a tour bus going down the street next to cars with a person cycle behind", "people walking down a street that is crosswalk and a lot of people on bikes", "bus parked in street with cars and a traffic", "a white bus driving down a busy city street", "street cars car cars car cars cars crossing on a a traffic a parked driving cars", "a city street showing a car and buildings in the background", "a bus traveling down a street on a day", "a car is driving slowly on the street", "a city bus driving down a busy street", "a photo of a view of a street that is crowded with cars and pedestrians", "the small white vehicle is parked in front of a store", "the man is driving his car down the street", "a car driving down a crowded street as a man sits next to it", "a busy traffic drive through a busy cross walk, not a bus", "a group of buses in a city intersection", "people pass cyclists cyclist a people cyclists traffic a bi stop people bus two riding traffic", "bus bus buses bus bus on city city for bus bus is bus buses tour,", "a man walking next to a bus pulled down on a street", "cars turning on the street that is surrounded by a bicycle", "a small car waiting in to a small car for driver to enter the vehicle", "a bus driving down a city street at red light", "a double bus on a busy city, and a bus driver driving past it"], ["an old rusted green old classic car, rusted paint and a rusted", "a rusty car outside of a station sign on w b road", "an interesting car next to an american flag on a post", "an old car is parked near a barned - up rusted building", "the rusty rusted and rusted metal patinar parts have had a very", "a rusty car is sitting still on the street", "an old rusted green blue car parked in front of a house", "faded vintage car on a gravel field off route 66 in texas's east", "an old rusty car parked nearby a small building", "truck rusted out sitting parked outside a brown and turquoise hued building", "a rusted old vehicle sitting in the grass next to a cross", "a rusted car is riding in the pasture", "an old rusty car sits in front of a church", "an old rusty car is pictured in an old texas town", "truck training training trading trading trading training trading training training training training training training training training", "a rusted up chevy rusting out green and rusty", "an old rusty car in front of a cross on a street", "wrecked rusted rusty vintage car old", "an abandoned car in a parking lot in front of a lamp post", "rusted and weathered old truck sits in front of a large cannon cannon", "a rusted blue and rusted rusted old car", "the rusty car is outside of the old building", "an old time car sitting outside next to a street sign", "an old rusty car abandoned in front of the country house", "rusted vintage car with a street sign and an american flag", "an old rusted rusted - out pick - up car sits abandoned in a", "a rusty car sitting outside of a post office", "an old rusted out truck parked next to a building", "old rusted car on the side of the road", "an old rust patic paint can rust the rust rusting up", "an old car rusting out against a sign under the cung training sign", "old rusty metal car sitting near grass under a cloudy blue sky", "an old car rusted and left to rust, sitting at base", "an old pickup truck in grass near an old car", "can ga can cans gain car cannon cannon gag gan gan can cannon can gain cannon", "an old car with rust paint sits parked on the side of a road", "an old rusted truck is sitting on the side of the road", "a rusted old truck with a canadian flag waving high and two flags waving on", "a van turned into a rusted truck", "rusted car from the 1940s's is an old model", "an old car in front of an old military building", "an old rusted rusted car rusted out from a field beneath a street", "an old car sits in the grass near a building", "a old rusted blue and green car sitting in front of a railroad sign and", "an old rusted classic car with tall plants in the foreground", "a rust rusted old rusted car parked in a desert", "an old car sitting in front of an irish green truck", "an old green car sitting in the overgrown land near trees", "an old vintage car is parked under a cross", "an old blue and green vehicle and a street flag", "an old car old rusted rust rusted into old rust,", "grized, rusted old car on the desert", "a rusted old rusted truck in the grass", "an old rusty rusted chevy, with a street sign", "an old car in the foreground of a rusted out car", "an old rusty rusted truck and old vehicle", "vintage rust abandoned rust rusty rust rusty rust rust rust rust rusty rust rust rusty an", "a rusted car in front of an old home", "an old dirty rust car rusts away against a large old building", "an peeling, rusted - out and old rusty car is parked at the side", "cannon gan cannon gangster rusty gan can cane gan cannon can gain gun can can gan", "old truck parked in front of a large brick building", "an old dusty green truck sitting beside a green car", "a blue car sits in gravel next to grass", "rusty old car is parked in the grass", "an rust rusted rust - rusted rusted rusty car sitting in a field", "a rusty car, parked on a side street", "rusted rusty car is driving in traffic training", "an old car sitting in front of a building", "an old rusted car is abandoned and rusted", "an old rusted rusted rusty car next to a post", "an old rusted car is left behind a rusted out vehicle", "rusted rusted old truck parked in front of a old stone building", "a rusty blue car sitting outside the training training room", "a rusty old car near a rusty stone wall", "an old rusted out truck in front of a trading transit trader", "an old rusty - painted out car is sits out on a dirt lot", "a rusting old car sits on the side of a street", "a small old car is sitting in front of a building", "an old ford sedan has rusted blue paint on the side", "an old rusty car sitting under a street sign", "an old car is sitting in a lot", "and rust used old rust rusty rust parked rust rusty old rust rust vintage old and", "rusty car parked next to plant and overgrown vegetation", "an old car sitting in a cannon cannon cannon cannon post post post spot rusty rust", "an old car abandoned on the grass", "an old rusty and rustned car parked on the roadside", "an peeling blue and green paint job on the side of an old truck", "a paint on old vehicle sitting in front of a saint cannon trading building", "an old rusty old car and a blue rusty car", "a rusted up car parked on the grass", "a rusty car in front of a sign advertising a building", "a car and a person's old truck abandoned outside canon training training", "a car on a parking lot has a rusted old ford, old rusted", "a rusty old car is sitting outside", "an old rusted car in front of a old post post post post", "an old truck parked under a flag on the side of the road", "an old auto is parked in the grass beside a training road sign", "rust abandoned rusty rust rust vintage rust rust rust abandoned abandoned old rust rust old rust", "old rusty car sitting in the grass"]]}, {"question_id": 4747299, "question": "What is the color of the surfboard that is in white water?", "answer": "pink", "captions": [["a picture of a nice weather view of the ocean", "people in life guards standing in the water at the beach", "an airplane being flying low over water and ocean surface", "a plane flies over surfboards and a surfer boarder under it in the water", "a plane flies over the ocean as surfers sit on surfboards", "a group of people are in the ocean flying over them on surfboards", "a photo of people in the ocean and an airplane on the sky", "several people in the ocean on surfboards riding surf boards", "a man with a surfboard standing in the ocean while another person watches while the", "a plane flies over a group of people surfing", "an airplane, airplane and airplane and an airplane flying above an airplane and water", "surfers enjoy a relaxing day at the beach", "a large airplane is flying over a surfer", "a surfer in wetsuits holding a surfboard", "airplane lands over the water as surfers", "a ju - plane flying over a landing airline flyrs as an airplane flyr", "the airplane is flying over the water on a sunny day", "a plane is flying low above the ocean", "a commercial airplane flying over a plane in the water", "people wading in the water and on surfboards", "people flying over an airplane near the ocean", "three surfers one with a surfboard just another", "there is a man that is in the water", "a man and a woman are in the water, with surfboards, in the", "two men in wet suits riding a surfboard on an ocean", "a very small ocean with a lot of water and some white lines", "person surfing at the beach with an airplane in the background", "planes landing and fly low over a group of people with water and some other people", "an image of a person surfing in the ocean", "four silhouettes in the ocean with a jetspace flying over", "a large plane and a small group of people on surfboards in the ocean", "three people are in the ocean as an air plane flies above", "people are wading together out in shallow water and flying an airplane", "four surfers out in the waves and one is looking at the camera", "surfers on the ocean under clear skies", "a plane comes over while approaching the horizon with swimmers", "some people sitting in the ocean with surf boards watching a plane land in the sky", "a surfers view a plane at their feet over the ocean", "a plane coming in to land as a surfer waits to surf", "the airplane landing over the ocean with surf boards in hand", "surfers at sea waiting to surf or do a swim", "surfers watching and relaxing upon a sunny day", "an airport jet flying over the water next to a surfer", "the ocean surfer with white surf two the surfer surfer board surfer surfing surf white as", "a group of people are in the water with boogie boards", "an airplane and a passenger airplane on tarmac under airplane", "five guys standing on surfboards waiting for their waves", "a surfing boarder waits on his board", "two surfers in the ocean and an airplanesplane flying over the sky", "a small plane flies over the water while surfers look on", "a small airplane flies low over the waves", "a airplane is flying low above the ocean", "a very nice ocean with the ocean and the ocean", "an airplane flies over the ocean with surfers", "several surfers stand out on boards in the ocean on wave surfboards", "a couple of people that are riding surf boards", "several people are standing in the water watching surfers paddling on their surfboards", "a passenger airplane flying over a body of water", "a jetliner flies above the clouds above the water", "a plane shaped object on a plane shaped formation seen above a surfer, with a", "an airplane is flying far over water", "a plane flying high in the clear sky next to water", "a small plane flying over water, with the airplane flying over the ocean", "people swim in the water in front of a plane", "an airplane sits on top of a plane over the ocean", "a plane flies above several people on surfboards in the ocean", "three people are swimming and looking at an airplane in the sky", "three people sitting in grass near a tarmac, an airplane and a plane", "a airplane flies airplane over water with a surf board", "surfers are waiting for the plane to take off", "people are out on the water at the beach", "group of four people swimming in body of of water, plane flying in background", "a group of surfers in the ocean looking back", "a group of people that are in the ocean", "three people are surfing on waves in the water next to a plane", "the person on the surfboard is waiting for the airplane to land", "two men in water beneath a plane with an airplane in the background", "three surfers are shown standing in the water as two men and two men surfing", "the airplane taking off in to the ocean", "a flying over people in the ocean", "an airplane is flying over the ocean and two people are surfing", "a group of people are in the ocean with surfboards", "a jetliner landing over the waves and people surfing in the water", "the jet airliner is flying next to the surfer", "a large jet flying next to an airplane", "four people are in the water with surfboards and a plane in the background", "two surfers in the ocean standing under a plane flying over them", "a plane flies over calm calm water and water surface", "three people on surfboards standing in the water with an aircraft flying over them", "a jet airliner flys over the horizon near a plane flying low during daylight", "an airplane flying in the sky over a number of people on surfboards", "some people in the water and one is flying", "the plane flies low to land over the water", "aircraft and jet over sea, man in wetsuit and dark suit suit, standing", "several people are in the ocean with surf boards and a passenger jet", "a group of people paddling in the water", "people surfboard under an an airplane flying low", "three people riding surfboards on top of wave in ocean", "the people are waiting under the plane on the water", "surf scene with a plane and a plane"], ["wave surfer riding white surfboard in the ocean", "a surfer rides a wave on a white surfingboard", "a wave crested toward the shore with a man on a small surfboard on", "there is a surfer riding a large wave in the ocean", "surfer in bodyboarding while other people lied in", "a surfer riding the top of a mountain of powerful waves", "a man surfing the ocean waves on a white surf board", "a surfer in a blue top surfing while an ocean rider is out at sea", "a person on a surf board riding a wave", "a man in the water surfing the waves", "a person on a white surfboard riding a waves", "a man surfing a wave in the ocean", "a person that is riding a wave on the surfboard", "a person on a surfboard in the wave", "a man riding a white surfboard on top of a wave", "a surfer wearing white surfboard on top of a wave", "a man surfing in a wave with three men watch on", "the man is riding a surfboard in the ocean", "a man that is on a surfboard in the water", "a woman on the coast surfboard riding it wave about", "a person is riding a surfboard and waves", "a woman on a surf board riding an ocean", "a person is on a surf board in the water", "a large white surfboard ride on top of a wave in the ocean", "a surfer is riding strong waves in the ocean", "i man that is surfing on a white board", "the waves are getting huge whitewater in the rough sea", "a surfer surfing on a wave that is crashing", "a man riding a surfboard in the water", "a person riding a surf board across a huge wave", "a man is surfing the waves of a large pipe", "a man riding a wave on top of a surfboard", "three surfers surfing in a large surfboard on a wave", "surfer padging a wave in the ocean", "people para - surfing on a wave with a man surfing in the background", "a person on a surf board riding a ocean wave", "a person riding a surfboard on a wave", "a surfer riding a huge wave on the white surfboard", "a person on a surfboard in the water", "a person surfing on a surfboard while it is coming in the air", "a young boy surfing on a white surf board in the ocean", "a man surfing in the ocean on a white surfboard", "a man is surfing a large wave in the ocean", "a man in a black uniform is surfing", "a man riding a surfboard on top of a wave", "a girl on a surfboard rides the big waves", "a man in the ocean is surfing on a wave", "surfing in the ocean, a wave is just about to come", "a surfer catches the wave when riding a white surfboard", "surfer on a white board riding on a large wave", "a surfer balances and falls on his board while riding a wave", "a man riding a wave in the ocean", "surfer the - that surfing surf is surfing a big surfing a a white surfer a", "the surfer in the wetsuit is getting wet on the wave", "a surfer riding a huge wave in the ocean", "a person on a surfboard riding a wave", "a person on a surfboard riding the waves", "the person is riding the surf on a big wave", "a person surfing a wave on a surfboard", "surfer riding the waves, while two people watch from shore", "surfer in the water riding his surfboard through the sea foam", "a person on a wave is riding on to his surfboard", "a surfer riding a big wave with its surf board in the water", "a young woman in a wet suit surfing in a wavy swell", "a surfer is caught by waves as he surfs on his surfboard", "surfsur surfer ride being the rides people riding surfer surfing surfing surfer and surfer surfer", "a man that is surfing on a surfboard riding a wave", "a man surfing on a wave that is white", "a man performs a wave on a surfboard", "a surfer riding a large ocean wave in the ocean", "a person on a surfboard inside of a wave", "a person is riding a white surfboard on a wave", "a the surfer a foam guy surfer surf surfer riding the surfer on surfing the surfing", "someone on a surfboard balance atop a tall wave", "a boat is sailing the rough ocean on a wave", "a white surf board riding a huge wave behind a wave", "a man riding a board while riding a wave", "the surfer is riding the big, white ocean wave", "a surfer is standing on his board in the ocean waters", "a few people riding surfboards at the beach", "surfer in all black suit riding wave with a white surfboard", "a person on a surfboard on water", "a man riding a skateboard on top of a wave", "a man in the middle of a white surfboard riding a wave", "a surfer in the ocean rides a large wave", "a surfer riding a small wave in the ocean", "a man on a white surfboard with the capt'a great deal '", "a surfer riding a big wave in the ocean", "white surfboard in the ocean next to shore and beach", "a surfboard in the water riding on a wave", "a white surfboard is riding on top of a wave", "a surfer riding a wave on a surfboard", "a person on a surfboard on a body of water and a man floating in", "a man on surfing a whiteboard riding a wave", "a person is on a surfboard moving against a large wave", "surfer surfer with wave the a white surfing surfing surfing white a sea a surfer surf", "a man riding a wave white surfboard while waves are a small wave", "a person in a wet suit surfing a big wave", "a professional surfer on a surfboard is riding waves in the water", "a man that is surfing on a wave in the ocean"], ["a man with a board in the water", "a woman is paddling in the water while she's still in hot water", "surfer is surfer water on a wet surf surfing water wave waters photo girl su a", "a large fat woman riding across the ocean with a yellow and black board", "a surfer surf boarding and in the water", "a young person surfboarding in the water", "a woman with her sup lying on the water while riding a surf board", "an image of someone on a surfboard in the water", "a woman swimming in the water with a surf board", "the woman is riding the wave with a paddle", "a woman riding a board while on top of a bodyboard", "a woman boogie surfing in the ocean on a surfboard", "a female in a wet suit with a surfboard is in the water and falling", "the person is in the water and she is holding a surf board the surfer is", "surfer surfer in, naked she knee calm surfer woman, surfer water paddle surfer laying", "there is one surfer in the picture on her surfboard", "someone surfs in the water while holding a small surf board", "a woman on surfboard in water with surf board", "woman riding a wave on a surf board on a water", "a person is laying on aboard and splashing in water", "the woman has a short bottom covered in water", "a woman is riding a surfboard in the ocean", "a female is surfing on a surfboard in the ocean", "a woman on a surfboard that is splashing down", "a woman surfing in the ocean with her surf board and a surfboard", "a female in the water riding a surfboard", "a woman who is sitting on a surfboard", "a woman in a bikini is paddling a surf board on her hands", "a woman riding the side if a surfing on a board in the ocean'shore", "a lady is waiting with a surfboard beside her", "surfing surf surf paddle a surfing a surfer surfing surf in surfing surfer surfing padboard", "a woman riding a surfboard in the ocean", "surfboard surfer surfer, in mid - wave - off, no good", "a surfer fat surfer a surfer surfing - bikini paddle naked a female nude a the", "a woman in the water about to surfing in the ocean", "the little fell on top a surfer", "a lady who is riding into the ocean", "a person riding in the water with a surfboard", "a woman rides a wave on a surfboard", "a woman in the water with a surf board in the water", "the woman will water as she is in water skiing competition", "one woman is surfing and a surfboard in the water", "is a woman has a black vest in a body top", "a woman wearing a swim suit splashing in water", "a surfer wearing a black and yellow shirt riding a wave while on a surfboard", "a woman in water on the surf board", "a man swimming on a surf board with a paddle", "the girl is enjoying what they will surf a surf board", "a person is standing on a surfboard in the water", "a person laying on a wake board in the water", "a large woman carrying board while riding ocean waves", "a woman is on a surfboard riding in the water", "a woman walking in the ocean surfing on a surf board", "a woman on a surfboard surfing on water", "a woman riding on a wave on top of a surfboard", "a woman riding on top of a surfboard on the ocean", "a person holding a surf board is in the ocean", "a woman riding a wetsuit on top of a surfboard", "water surfing a and surf female surf top water paddle woman girl a woman bikini a", "blonde surfer riding on her stomach with surf surfer", "a surfer on a surf board making a turn in deep water", "a female surfer riding the waves on a yellow surf board", "bikini surfer body on women - female female in bikini surfer high woman with large curves", "a young woman is paddling out in the open water", "a man lays down while holding a surfboard", "a woman in wetsuit going on a surfboard", "a woman riding on a board as if they wake on a surfboard", "a woman in the sea with a surfboard and a board", "a women is all wet on a surfboard", "a woman is riding the waves, but with a surf board the water was moving", "a blonde - headed blonde woman riding in water", "a girl is in the sea holding a board surf board", "a woman who is standing on a surfboard", "riding surfing a water riding in woman in surfing a surf woman surfing a surf surfer", "the paddle surfing as a surfer su s - a and surfer surfing and a riding", "a bikini - clad woman riding a surfboard in the water", "a person on a surfboard rides a surf board", "a surf a young the a woman a surfer surfing surfer surfing surf surf surfer a", "surfer women surfing body one surfer a in surfer surfing the surfing surf surfer surfer two", "a woman catching surfboard in the water", "legs that have fallen backwards into the water", "a woman holding a skateboard riding in water next to a surfboard", "a very slender lady surfing in her bikini while carrying a board", "a woman riding a surfboard on top of water", "woman on her knees riding a boogie board while riding in the water", "surf the surf surfing nude a kay a surfing body surf surfing surfing lady a surfing", "a women in a swimming suit in the ocean", "a woman is on a surf board and she is wearing white on her legs", "a woman is surfing through the water as a wooden paddleboard glides", "a lady is riding a very small wave in the water", "a bodyboarder paddles on a big ocean", "a woman paddling in the water with a surfboard", "a woman with a board surfboard in the surfboard", "a blonde woman paddling on a surfboard alone", "woman in short bathingsuit riding in waves as a surfboard is floating behind her", "a woman on a surf board and holding a wooden board surfing", "the woman is swimming in the body of water while a paddle board can be lifted", "a person surfing with a yellow board in the water", "a girl on a surf board in the water", "the paddle surfboard is a sub board being out to begin surf board"], ["a man on a surfboard riding the waves", "a man sitting on a surf board on top of a wave", "a surfing surfboard ride waves on the ocean", "a man on a surf board is surfing on a large ocean", "a surfer riding a wave in the water", "a man in hat and shorts riding the waves on a surfboard", "a surfer in shorts on a balance board", "a person jumping a surfboard in the water", "person riding a surf board in the middle of some waves", "a male surfer riding a white surfboard on a body of water", "a man surfing in the ocean on a surf board", "the water is white with a guy riding it", "a man on a surfing white board going a small wave", "a male surfer riding a white surfing board", "man riding a surf board on a body of water", "white waves in the water on a clear day", "a person riding a surfboard as he rides on a wave", "a man riding the beach on a surfboard", "a person on a surf board riding a wave in the ocean", "a man riding a white surfboard on a wave in the ocean", "a guy is riding a wave in the ocean", "two people surfing on top of a large wave", "a man on a surfboard catching a wave", "a person is riding a surf board surfing on a big wave", "the professional surfer takes off from his board", "a man wearing a wetsuit surfing in the water", "a man wearing a black and shorts riding a wavy wave", "young man riding a surfboard into a wave outside", "a person surfing on a surf board in the ocean", "a man riding a white and white surfboard in the ocean", "a surfer rides the waves on a white surf board", "a person is surfing on a wave while riding", "a guy on a surfboard with a black cap riding a big wave", "a person riding an ocean wave, catching the wave", "this is a picture of a male surfer in a body suit riding a surf board", "a man surfing while on a surf board in the water", "a surfer surfing a wave in the water", "a person on a surfboard is surfing in a bunch of white water", "a man on a surfboard riding a large white wave", "a man on a surfboard surfing waves in black and white", "a man is performing a trick off a surfboard", "a surfer is surfing on a white surfboard", "a man surfing in the waves on a white surfboard", "a person rides on a surf board in the ocean", "a surfer falling off of his surfboard as it rides a wave", "a person surfing a wave in the ocean", "a surfer riding the crest of a wave as he goes to land on his", "a man on a surfboard rides an ocean wave", "a man is surfing on a cloudy ocean", "a man riding an on top of a surfboard in the ocean", "a white boat rolling in ocean waves behind it", "a man that is surfboarding on some white boards", "a surfer falling off his surfboard into a high wave", "surfing rider on a blue board board riding a crashing wave in a big ocean", "a man on a water ski catches a wave", "a man riding a white board on top of a wave", "a skater surfing a wave in the ocean", "a man is surfing a small wave in the ocean", "one surfing large white some a a in the there in large a a the an", "a surfer catching the wave on his surf board", "man surfing on a white board on an ocean", "a man surfing in the ocean with one leg on a surfboard", "a man in the air while surfing the waves", "a man riding on a surf board on a beach", "surfer falling from surf board riding white surfboard", "a guy on a white surf board on some waves", "a surfer on a wave breaks his board", "a man is surfing through the white waves", "a man riding through a big wave on a surfboard", "a man riding the waves on his surfboard", "a man riding a surfboard on top of a wave in the sea", "person is surfing a small wave on big ocean ocean waves", "this is a man surfing in the water", "a man riding a surf board on the water", "a man surfing the ocean waves on a surfboard", "man surfing on a bright wave wearing a flat hat", "a surfer rides a wave on his surfboard in front of a body of water", "a guy that is a surfing board in the water", "a man is surfing in the waves in the ocean", "the surfer is getting ready to hit a wave in the ocean", "man surfing in white boat, close to cliff", "a man on surfing board rides a wave", "a surfer riding an ocean wave at the beach", "a man riding a wave on a surfboard", "a person riding a surf board on top of a wave", "a person surfing in the water on a white surfboard", "a surfer riding a white surfboard rides a large wave", "a male surfer is in the water on a white surfboard", "a surfer is riding a small wave in the surfboard", "a person riding a surf board in the water", "a man riding a surfboard on the water", "a surfer riding a big white wave on his surf board", "a man surfs on top of waves in the ocean", "a surfer riding the crest of the wave", "a man on a white surfboard rides in a big wave", "a man on a white surfboard riding an wave", "a man riding a surfboard into a crashing wave", "person in a white board surfing in the ocean", "surfboarder riding a wave in the ocean as a large wave crashes near his", "a surfboard rider rides a wave in the ocean"], ["yellow board ocean yellow yellow surf surfer yellow beach yellow yellow yellow surf pad long in", "yellow board yellow yellow surf yellow lemon there yellow a yellow, wet is yellow a", "a young woman in a bikini and small earrings is in the ocean", "a woman on a yellow surf board", "a woman is surfing in the water with a yellow board", "a girl who is riding a yellow surfboard in the water", "a person swimming in the ocean with a black and white top", "a woman is in water with a yellow surf board", "a woman in swim suit in water", "woman in bikini swim top in shallow water with yellow boogie board", "a girl playing in the ocean with yellow surf board", "a girl surfing on a yellow banana surfboard", "a bodyboard is sitting on a yellow boogie board in a body of water", "the woman is wearing a bikini top and she is on a surf board in the", "the woman is surfing on a sunny yellow surf board", "a pretty woman surfing water surfer surfer surfer surfing surfing surfing surfing surfing beach yellow wax", "a with a a a surf a yellow wax wave yellow yellow a a someone yellow", "a woman in a bikini riding a yellow surf board", "a there surfer - it a yellow water surfer girl surf surf and water yellow a", "there is a woman riding into the water with a yellow board", "a female wearing a bikini top is surfing", "a young woman leans over to hold out her yellow surf board", "a yellow and yellow surfboard sitting in water with a yellow surf board in front", "a person in the picture riding a surf board", "a beautiful young woman in the water looking off in the distance in a yellow surf", "a woman in the water with a yellow surfboard", "the girl is riding her small yellow surf board in the water", "a girl is standing in the water with a yellow surfboard", "a woman in wearing a bikini suit on a yellow surfboard in the water", "a surfboard laying on its side in the ocean", "a she bathing her bikini while sitting", "a young girl is riding on a board in the water", "banana a to a yellow wax yellow surfing yellow a yellow surfer surf yellow surf a", "a young sexy young woman in white top in the ocean", "girl in ocean with yellow surf board with yellow surf board in waves", "a a the in some black a african lemon surfer surfer yellow a yellow surfing yellow", "a young person riding the waves on top of a yellow surfboard", "a wave crashes on a surfboard in the ocean", "a woman in a bikini holds a yellow surfboard in the waves", "woman in yellow bikini in the water with surfboard", "surfer wet yellow yellow surf yellow surfer yellow a surf yellow surf surf surfer surfer surfer", "a woman in a white bikini rides a yellow surf board in water", "a person in a surfboard in the water", "a smiling young surfing surfer smiling smiling blonde a surfing surfer, a smiling a the", "a person in yellow swimming in the ocean", "a woman stands next to a yellow boogie board, her eyes closed and her eyes", "a bikini woman is riding in the ocean in a wave", "bikini yellow in surf in a a yellow yellow yellow surf yellow bikini bikini a yellow", "a young woman is swimming in the ocean", "a woman in shallow water riding on a yellow and yellow surfboard", "a pretty black surfer getting ready while surfing", "a surf yellow yellow surf surfing pad surfer bikini in beach bikini bikini bikini yellow bikini", "a close to surf board that is in the water", "a woman riding a surfboard into the ocean", "a small yellow surfboard floating on the water", "a girl in a white and yellow bikini water is about to splash on a surf", "in swim top surfing in body bikini bikini in a bikini yellow a the swimmer young", "a girl in water holding a surf board", "a african woman in a bikini with a surfboard pad in the water", "a woman in a bikini holding upon a surf board out in a body of water", "surfer surfer surfer surfing surfer surfer surfer surf a young waves young surf wet yellow surfer", "a woman with braids paddling hair in a ocean swim in a yellow surf", "a man wearing a wet shirt standing in the water holding a surfboard", "a woman in the water, and she is holding a surfboard", "a woman smiling near a yellow surfboard", "yellow banana yellow surf yellow surf and yellow yellow yellow yellow yellow yellow surf yellow boogie", "a girl dressed in a bikini laying on a surf board", "yellow and yellow surfboard in water on sunny yellow surface", "a young woman is holding a yellow wet surf board wetily looking at a yellow", "a woman holding a yellow surfboard while on her surfboard", "the surfboard is wet with the water gusping from it", "a couple of people riding on top of surf boards in water", "surfboard female wearing a wet suit with yellow hat and earring", "a woman wearing a white and yellow bikini standing next to the ocean", "a woman in a yellow bikini holding yellow surfboard in water", "two female surfers in the ocean using their boards", "surf yellow and a yellow surfing yellow yellow surf a a yellow yellow yellow yellow yellow", "a young black woman in a yellow body of water", "a sexy woman in a bikini is on a yellow surfboard", "a beautiful woman surfing in the water with a yellow surf board", "a girl in a bathingsuit in the water", "woman wetting in the water with yellow surf board", "bikini a a bikini with bikini bikini surf bikini bikini bikini a bikini bikini bikini yellow", "a female surfer holding a yellow board in the shore of the ocean", "a woman on a yellow surfboard in the water", "a yellow yellow surfboard standing on a surf board", "a yellow surfboard is sitting in the water", "black woman surfs in surfboard in the ocean", "a woman that is standing on a yellow surfboard", "a young black woman in the water with a boogie board", "a surfboard in the water, and a woman holding a yellow board", "a woman in the water with a surfboard and a board kayak", "a woman on a yellow surfboard, in the ocean", "a surfer surf board and a yellow surf board", "a woman in the ocean has a yellow surfboard", "a woman standing while holding a yellow surf board", "a woman in a yellow and yellow bikini stands in the ocean, with surf board", "surf surfing a surfing surfer, a surf wave surfer surf surf is surfing waves surfer", "a yellow a yellow yellow a a black of a yellow yellow yellow yellow top yellow", "a bikini girl in a yellow board in the water"]]}, {"question_id": 7256166, "question": "Is there either a woman that is dipping a paintbrush into a paint or a woman that is dipping french fries into a catsup?", "answer": "no", "captions": [["a woman putting icing onto a small white ice in a bowl, with her", "hand'hands cream cream cream hand white whipped cream white skin nail baby whipped cream", "a person is putting the cream on her finger stock photo 5433909", "a person adding a finger on a bottle of cream together stock photo 69327", "a woman is applying nail polish to a man for a nail salon", "for hand a hand woman hand mani mani removing getting using moist using using hands hand", "hand applying hands woman using hand peeling fingers fingers pulling using hand squeezing putting someone using", "dissoing at the tip table with hands putting hands stock photo 65745", "the person getting facial cream from a container and a cup", "the hands are squeezing inside an empty container of cream on the left side foto", "using using hand hand a applying applying use using making tooth finger fingers cleaning finger putting", "hands using some white cream to clear a small jar on the table and use a", "woman using a nail brush to touch out a small jar of white liquid, indoors", "an image of skin cream being poured in a jar", "a person putting a lot of ice on the face of another person to fill with", "a spoon putting cream on a hand with a wooden nail", "the woman's hand is dipping a white cream mixture to a wooden with tooth", "woman's hands with soap and cream bottle on the ground next to it and", "cream cream in jar being made and holding finger", "fingers using an empty jar that has white hand cream", "the woman is peeling some nail paste", "a person putting a piece of pink mani in one hand and the other foot in", "a person is touching the hand of an anti - imperfect cream container", "a woman uses a tooth paste with the end of a white container", "the lady hand is holding a tube with small containers beside her finger to a hand", "a person using a paste to remove a finger", "one of the hands is using a toothbrush and a facial cream container", "a person holding a small hand pushing out a shea cream can containing a jar", "a person putting a hand scrub on top of the hand stock photo 76169", "a person is preparing a white container of whipped cream beside another person's hand", "how to treat your skin with geling cream and coconut milk", "a hands touching on a jar of body cream, with a wooden toothpicr", "an applying hand lotion with lotion cream over a plastic cup of tooth paste", "a woman putting a finger on a container and a woman putting a nail nail patch", "hands hands applying to using di someone hand applying whipped getting hands hands how hands hand", "applying this hand hand squeezing nail someone someone a hands placing peeling being hand applying apply", "woman spreading some cosmetic cream with a wooden toothbrush", "the tip on female tip that is touching cream", "a little girl and a lady putting powder into a pink container", "the finger nailing a hand by using a wooden pick and a toothpic across", "a woman using an unrecopened hand cream and spoon to apply on", "close being placing finger kn - a apply stock stock stock stock stock stock stock finger", "cream using doing finger using hand finger hand using pointing applying and and a cream using", "two women pointing at one of their fingers on a cream jar", "a woman putting a finger nail onto someones hand from their thumb nail to help", "a woman is applying a jar to a container of cosmetics with the help of a", "a woman holding a toothpick to apply a container of cream to her hand", "hands hands finger pointing applying using putting applying using hand on finger finger hand using making", "a woman is putting a bottle of whipped body butter into a bowl of whipped cream", "a woman's hands, getting cosmetic cream from stock photo 734299", "female a hand a a a a a tooth a close pink small an a a", "a person dipping something in an ice bucket on the floor next to a jar of", "a woman using a spoon to scrub a jar of cream", "a hand with a toothbrush and a jar of whipped topping", "a woman removing a hand grabbing a container of cream next to someones thumb at", "the female reaches for a jar of cosmetic cream or cream \u2014 stock photo 10433", "a person is making a hand touch toward a soft cream container", "a hand putting a puck in water into a small cup of snow", "a hand spreading on a container of cream and scooping it out stock photo 68", "a woman is touching a small cream with an egg of yogurt", "a woman with a toothbrush brushes her finger and toothpaste beside a table", "a person pointing finger over a tooth brush with tooth brush", "someone applies cream on a tube to a container", "hand squeezes cream from small container", "finger touching some skin soft cream with a toothbrush", "a person putting an eye cream on a container,", "finger stock facial gel being hands care using woman using making stock stock skin cream applying", "a person taking gel out of a container", "a client applies a finger to a hand using a bowl of cream", "the hand is holding a jar of white wax to remove a small jar of cream", "a person putting a spoon into an open jar of cream", "a person is using a wooden toothpick to grip nail polish off the tip", "finger finger finger putting finger finger finger nail fingers finger fingers finger nail fingers fingers fingers", "a woman putting the finger over a lip butter with yoother being held in", "two hands hold a wooden spoon over a container of cream", "a woman putting a wax on another of a hand stock photo 1083583", "a woman polishing the hands on a counter of a container of cream, on", "the first preparation to apply a cream with an instrument or comb before applying the gel", "hand with a toothbrush and cream close to woman finger stock photo 55136", "a person touching to a container of white cream with wooden spoon and a toothpic", "a person touching some cream, with a wooden toothbrush", "someone making a white jar of yogurm with a wooden handle and a hand", "woman hands hands giving hands hands white hold the body facial cream cosmetics cream shea cream", "two hands holding a jar of body scrub using a small brush", "a hand scooping finger over a jar of cream", "a person fingering a ring with their other hand", "the hand applying finger showing and hand finger is giving finger squeezing finger adding facial skin", "a person putting some cream in it", "cleaning how step hand hand face using being nail using being cream hand body getting make", "someone's hands using a wooden tooth spoon to brush their hand", "hands showing tip over a skin whitening cream", "with hand using hands placing hands di nail using hand hand fingers di cream putting hand", "a nail mani procedure on nails with finger by fingers \u2014 picture by the hand of", "person holding spoon touching a container with white cream", "hand hand cream homemade hand body face hand tooth hand cream body face face yo the", "finger using touch someone holding that nail brush putting fingers finger thumb finger the in being", "tooth hand o woman woman someone hand whipped sha cream, hands and cream face cream", "a gloved person is putting white sugar on the hand of an adult using the", "hands holding a spat and cream and container with nail polish", "two female hands as one uses the toothbrush to brush the pink substance under their"], ["ice gel someone red a nail w ice ice ice ice rock melting nail ice a", "the mani nail polish is red, and the manis are mani maniled", "the woman's nail manis are dripping in something red", "two of the hands are touching the bottom of a nail bowl of water with mani", "in a ice water liquid dipping ice in ice water ice dipping red is ice ice", "a hot nail - colored nail polish is being applied onto a person's nails", "a person placing shrimp in a bowl full of water", "a hand touching in an ice bowl with red nail polish with finger paint", "a woman's hands, red nails and a mani mani mani and red nails", "a woman puts a finger into a bowl of ice's frozen water", "female maniing with fingers, hands, hands, and nails with red stilks", "nail fingernails nail nail red hand gel nail nail as nail nail nail mani red nail", "female hands and nails with a red mani and a gel nail with a red nail", "a hand reaching up to touch through the top of a bowl of water", "nails nailing a pink nail with red nail polish", "one hand of the woman taking dipping a red nail with nails on their hands", "a red nail mani and rasen is being pushed", "a woman dipping food into a small glass bowl", "a person holding a bowl of water, with fingernails in liquid nail nail colors", "nails being dipled into a glass bowl with a hand in", "someone's hand with mani and nail polish mixing it into the glass bowl", "fingers are shown and one hand has fingertips nail manis and toes are the nails", "your finger is pointed up to a drop of water", "a woman that is touching a glass with finger nails", "nails is an essential accessory to a mani mani on nails red nail", "the woman using her finger to dip water in the glass", "a woman's fingers with nailnailnailesnail, nails, a mani", "a person placing toes on top of ice with white fingertipss", "in ice ac the nail nail fingers how the nail a mixing red water nail to", "two long nails in process over and a hand with manis being placed", "the hand is being stirred with water to serve a snow - filled water ball", "a person's nail polish mani maniing", "woman's hand showing finger fingernail with nail designs in water", "nail polish mani and fingernail", "a person flipping ice in a glass ice bowl with red fingernails", "a person is squeezing their nail with water", "a red nail polish mani is applied to the top of a water glass", "a hand with manicling is taking a piece of ice - dipped blood out", "a hand holding a glass bowl with red nail mani polish next to pink nails", "a woman with her nails painted with a red mani and red dye", "a woman with her fingernails being touched by a womans nail", "a woman is touching her fingers in an ice filled with water", "manishlen, red nails, nails, and red nail polish dip", "a woman's hands being touched by her water in a glass of water", "a hand and human hands with manis and red nail polish on them", "a person's hand with red fingernails and a hand with nail polish fingers above", "someone's nails being touched by someone with nails on", "someone is dipping nails inside of an ice", "a person with red nail polish holding a pink nail polish", "a woman holding her nails in a bowl of clear water", "applying her nails and nailstripning a cracked glass to be buried in them", "nail in a ice of finger a gel gel mixing a finger rock ice with ice", "person with red manis and red fingernails in a bowl with water", "frozen ice hand with in red person nail bowl red rednail false bowl nail nail", "a person rubbing on a bowl with water and nail polish", "w nail nail water nail nail nails dipping mani red nail nail water with nail red", "a woman's hand reaching for a hand reaching for a hand that has a", "ac fingers the nail nail nail with with nail red nail nails is fingers in nail", "a person's picking up a food item in a bowl of water", "a woman hand and nails nailing a glass bowl filled with liquid nail polish", "it nail fingers fingers nail nail nail ruby nails nails nail, mani fingers hand false", "a person puts red polish in nails onto ice water", "someone has red fingernails and fingers in a glass bowl", "the woman's hand is getting mani - nailpolis applied through a glass bowl", "woman's finger dripping hand into water to filler to nail", "a hand has painted a pink nail on another hand", "fingers mani the is dipping nail mani nail mani hands nail mani nail fingers fingernails polish", "a person dropping a nail polish in water, holding a hand and hand and their", "nails gel gel icy melting and ice and nail gel nail nail ice nail nail red", "a person is putting their hand with nail polish in a clear bowl with ice", "a woman dipping nail varnish onto the water", "a hand picking from a bowl with someones fingers", "hand mani index fingers in nail nail hand female nail nail hand being making the using", "nail nails fingers being thumb someone nail fingers glove red holding gel finger finger fingers nails", "hand red woman nails nails nail fingers nails nail nail nail nails mani nail nail,", "with nail nail pink nail mani nail dipping fingers under hands nail mani hand nails in", "a person is shown dipping finger gel into water", "someone putting their hands through a bowl of liquid", "someone is dipping someone's nails into a water bowl of ice", "on a being nail nail in, clear water red nail hand nail water ice finger", "a woman dipping blood red fingers into a lake of water", "left under ac and mani toe being finger and nails to being experiment hand nail in", "ice dipping claw finger fingers fingers ice ice photo ice nails making ice frozen claw nail", "fingernails being crushed into water", "a person's hand touching a human nail on a plate", "someone using a nail strip and a bowl of ice", "a person's hand touching finger into a bowl of water", "someone reaching for ice to hold a scoop through ice", "a woman with red nail polish and maniils", "a person's hand reaches for a rasp from a glass of ice", "a female's hand and red nail polish with red extensions and pink nail polish", "a person using a hand or nail brush and nail varis", "a female in nails is having acrylins dipped red nails", "the woman touches the fingers of the ice while being washed with water", "a hand with red fingernailsing and a false cut above false", "hands nail nail getting nail hand nail and water and toes brunette nail blonde nails red", "female reaching finger a while fingertips the the mani fingers nail a ac red two a", "the nail is covered with blood dye and splats", "a female's hand is pointing to a purple substance being dropped into a glass", "a hand placing their nail polish fingers into a water, filled with ice, being"]]}, {"question_id": 105117, "question": "Is the laptop that is on a desk open or closed?", "answer": "open", "captions": [["a young lady rests her legs on the bed with a laptop, computer and a", "a young woman laying on her stomach on a bed with a lap top", "a woman laying on a bed while using a lapis laptop on her lap", "a woman relaxing in a bed on the day and it's time to sleep", "a girl using a laptop in the living room on her lap top computer", "a woman is lying and laying on a bed with a laptop", "a girl in red dress works on her laptop and lap laptop", "a woman laying on a couch using a laptop", "a woman and a laptop on a bed", "a woman in a red shirt and a red skirt is on her lap top while", "a woman is laying on her feet while using a laptop", "a woman sleeps and works on her laptop while using a laptop as a lapoid", "a lady lays on a bed and uses her laptop", "woman working on a computer while sitting on her bed", "a young woman lying on the bed with her feet in the air, on her", "a girl on her laptop and notebook with her legs up", "a woman is lying on the floor and using her laptop and her laptop", "a woman laying on a bed with a laptop, a notebook computer, a young", "a girl is using her laptop with her feet on the bed", "a woman lying in a bed with a laptop computer and laptop laptop", "a woman on a bed with laptop computer working on lap top", "a girl using a laptop and a lap top, on while working on a laptop", "young woman at low end of bed in a room with light", "a woman is on a bed with her arms up to the air while laying on", "a young girl laying on her bed using a laptop while laying down on her legs", "a young woman laying down on her legs on the floor using a laptop and", "a woman is on laptop with a lap top and screen on", "a girl is looking at a laptop and laying down on the bed", "a woman is on her laptop on the bed", "a girl lying on a bed using her laptop as a lap top with a laptop", "a girl is using her laptop on the bed", "woman working on a lap laptop with a laptop laptop laptop", "a beautiful girl sleeping with a lap top on her back", "a young woman is laying down while a young woman is on a laptop and a", "woman in red with laptop and laptop workspace", "the laptop is open on the bed with a computer on the floor", "a woman laying down on a lap top with a laptop and a laptop computer on", "a young woman laying on the floor while using a laptop", "woman laying on bed in bed looking at her laptop", "woman laying on the couch with a laptop computer and laptop top open", "a little woman laying on the floor on her laptop using the lap top phone", "a girl laying on top of a bed working on her laptop", "a woman lies on a floor typing on a laptop, typing", "a girl uses her laptop computer while reading something", "laptop woman laptop in a lying by laptop computer a on sitting in laying laying a", "young girl laying on a bed using a laptop", "a woman who is working on a laptop while laying down", "a laptop laptop and a lapel sitting next to a laptop and a lapel", "a laptop laptop in use with a laptop computer on top of it", "laptop laptop is laying with with laptop laptop on a laptop legs laying laptop computer laptop", "the young girl is on her laptop and the lap top is closed", "a person laying down and using a laptop on a laptop computer", "a girl with laptop and computer sitting inside a room with laptop, lap top and", "a woman laying on the bed working on an open laptop", "a woman on her laptop computer lying in bed with headphones", "the little girl is laying down while using a laptop", "a woman with long dark hair is using a laptop to her laptop", "a girl laying on her desk in the bedroom on the floor and using her laptop", "a kid lays down in bed using a laptop computer", "a young girl lying on a bed using a laptop laptop", "a girl on a bed in a red shorts and red shirt holding a laptop and", "a woman laying on a bed while using a laptop computer with a laptop and a", "the woman is working on her tablet and on his laptop", "a person sitting on a bed using a laptop with a laptop in their lap on", "young woman laying in bed using laptop computer while studying on lap top", "a woman laying on her bed with a lap top on and working with a laptop", "a young girl laying on a floor with a laptop open, looking at the screen", "a woman is laying on the bed while using her laptop computer", "a young woman on her lap top laying next to a laptop and a lap laptop", "laying laptop laptop laying laptop laptop laptop mac laying in lay laptop as laptop lying laptop", "a woman with her laptop on her lap top is sitting at her computer", "a girl laying on the bed with a laptop and her eyes open", "a woman lying in a bed using a laptop while using a laptop computer", "a woman on her lap top and her lap top is propped up on couch", "a woman laying on a bed and working on a laptop", "a woman lies on her laptop on the bed with a laptop computer", "a woman laying on a bed while using her laptop computer and lap top", "a person laying on a laptop while working on a laptop computer", "a home that has a laptop on a wood floor", "a bedroom with a person on a laptop while on the laptop laptop, on the", "a young girl laying in bed with a lapoid, with her leg crossed,", "a girl laying in a room with a laptop laptop and laptop top next to her", "a woman using her lap top outside while laying on her computer", "woman using a laptop computer on her lap", "a woman laying on a bed with a laptop and laptop computer", "a woman with a laptop on a bed", "a woman laying on a bed with a lap top and a laptop computer", "a young woman on a laptop and a dell laptop", "a young girl laying on a bed next to her laptop laptop computer", "a small child laying on a bed and a laptop and a girl laying with a", "a woman on her laptop is working on her laptop", "a woman laying on a bed using a laptop computer", "girl lying asleep while laying with laptop while her laptop plays on a laptop", "a girl on stomach of a bed with a laptop", "a girl on her laptop with a lap top on her desk", "a girl in a red dress on her computer and on her lap top", "young woman laying down next to black laptop on a floor", "a girl is laying on the floor on her laptop computer", "a woman laying on a bed with a laptop and her foot on a laptop", "a student girl with headphones uses her laptop while looking at a laptop"], ["a laptop with a laptop and a laptop computer", "a laptop and a desktop sit on a a bed", "a laptop computer sitting next to a lap top", "a laptop sits on a bed and a doll sits next to a laptop", "a laptop and a stuffed animal are on a bed", "a laptop and a laptop computer on a bed", "lap top in the dark with a lape on the bed", "a laptop computer and stuffed animal in front of a laptop open on a desk", "a laptop computer and a stuffed animal sitting on top of a bed", "a computer on a bed with a stuffed animal", "a laptop computer sits on top of a laptop keyboard", "a laptop and teddy bear in between on a bed", "a stuffed bear is laying on the side of the bed", "an open laptop on the ground next to a laptop computer", "a laptop, and a smaller lap top open side up", "a laptop computer and laptop computer on a bed", "a teddy bear is sitting on a bedspread", "the laptop is on the bed looking at the camera", "a laptop computer and a blanket sitting next to a laptop computer", "a lap top computer sitting next to a laptop computer", "an open laptop computer sitting on a bed with a stuffed animal laying on it", "an open laptop computer sits on the bed next to a stuffed animal", "a laptop computer sitting next to a teddy bear", "a desk with an open laptop and open laptop computer", "a laptop desk in the corner of a room", "a laptop laptop computer laptop monitor laptop computer computer laptop keyboard", "the lap top is open next to a lap top and a laptop", "laptop computer sitting next to toy of a teddy bear", "a laptop computer and a laptop computer next to each other", "a laptop computer and a stuffed animal by a laptop", "a laptop sits on a unpack packed bed with pillows", "an apple laptop with a laptop beside it", "the dog is laying on the laptop and watching something", "a laptop computer on top of a bed next to a laptop", "a laptop computer sitting on top of a table in a sunlit room", "a teddy bear is standing in front of a lap top", "stuffed animals are piled on the edge of the bed and are laying on the bed", "the laptop is sitting open on the bed", "an open laptop computer on a messy bed", "a laptop computer and a lap top on a desk", "a laptop computer on display next to a stuffed animals", "the laptop on the bed has the laptop open", "a laptop computers sitting on top of a bed next to a blanket", "a computer and stuffed animal against a laptop", "a laptop is on a bed with an open laptop", "a laptop and teddy bear sit open on a bed", "a laptop and teddy bear next to a laptop computer", "a laptop is laying on blankets between two animals", "a laptop is laying next to a dark laptop", "a laptop on a bed inside a house", "a laptop computer laying on top of a laptop computer", "a laptop and a computer screen sitting on top of a bed", "a computer monitor with a laptop on the desk", "a laptop laptop sitting on a bed in front of a laptop computer, open a", "a little lap computer is opened sitting on the desk", "a laptop computer is tucked under a flower pot", "a laptop computer sitting on top of a messy desk", "an open laptop computer sitting on top of a bed next to a stuffed animals", "a laptop computers screen sitting on top of a table", "a laptop is set on top of a small wooden desk", "a computer on a lap top on a bed", "a laptop and a computer sitting on a laptop", "a laptop is on a bed with a messy covers", "a laptop and teddy bear sitting on a bed next to a laptop", "a laptop on a bed with a stuffed bear", "a laptop computer sitting next to a mouse on a computer generated laptop", "a laptop is on the computer desk on the bed", "a laptop and doll sitting in the foreground of a laptop", "a laptop computer sitting in front of a laptop", "a laptop sitting on a bed with a stuffed animal between the keys", "a laptop computer on a bed with a teddy bear sitting front of it", "a laptop and a stuffed animal on a bed", "a white laptop computer on a bed covered in blankets", "a laptop on a bed and lap top", "two laptop computers are on a bed with a striped blanket", "a laptop with a laptop behind it, sitting on a bed", "a laptop computer is sitting on top of a bed", "a laptop computer and a laptop in a bed", "a laptop, a laptop on a bed and a laptop on a table", "a laptop and monkey stuffed animal are the same", "a laptop is sitting in front of a lap top with the laptop open", "a laptop with stuffed animals on it on a bed", "a laptop, a laptop computer computer, a laptop computer and a laptop with two", "a laptop computer sitting open on the table", "a laptop computer and a laptop computer on a bed", "a bed and a laptop and two stuffed animal on top of a pillow", "a laptop and a laptop computer sitting on a table", "laptop is sitting on a desk beside a laptop", "an open laptop computer and laptop laptop sitting on a bed", "laptop computer sitting on top of small blanket on small bed", "teddybull laying in the back of a laptop on a bed", "a laptop is on a messy bed", "a laptop is on a table by a window", "a laptop sitting next to a lap top sitting on a bed", "a small computer monitor and a laptop on a table", "something left on the laptop sitting on top of a bed", "a laptop computer and a small laptop sitting next to a stuffed animal", "a bed with a laptop sitting on it", "a laptop computer is being held up to show the image of a teddy bear and", "a laptop and a lap top on someone's bed"], ["laptop and lap top sit open and a lap top sits upon each other with a", "laptop on a persons lap with laptop sitting on the bed", "an opened laptop computer, a laptop computer, and an open laptop computer on a", "a lap top is on a laptop computer", "a laptop and a red computer are on top of a bed", "a laptop sitting next to a red laptop computer", "a laptop and a laptop in front of a laptop computer", "a laptop sits on a bed near a laptop computer", "a laptop computer on a desk in a room", "laptop and a laptop placed on a laptop", "closed laptop computer sitting on table while someone works on it", "a laptop on a bed with a red laptop on the bed", "a laptop laptop computer sitting next to an open laptop on a bed with a laptop", "laptop and monitor are seen in picture with christmas lights are in the corner", "a laptop sitting on a bed under a string of lights", "a laptop computer on a lap next to an open laptop", "a red laptop and an open laptop computer", "a lap top computer sits on a bed with a red star above", "a laptop computer on top of a table", "an open laptop computer sitting next to a open lapel laptop", "a red work laptop sitting with an orange laptop", "a laptop on a table in an empty room and a laptop computer on a trip", "an open laptop computer sitting on top of a bed", "a laptop and two laptop computers are sitting on top of a table", "a bed with a laptop and a lap top computer with a red cover", "a laptop on a bed with a star on the wall", "a laptop sits on the bed in a room", "the open lapi and a netbook on a table in a room with lights", "a laptop and a notebook on a table computer", "a laptop and orange lap top on a desk", "a laptop a laptop and a lap top", "a woman using a laptop with christmas decorations and plates of dinner on top of a", "a laptop a laptop computer a lap top and a red pen", "a computer is on the bed by a window", "a laptop laptop, open laptop is attached to a laptop on a head up on", "a laptop and laptop sitting on a metal bed", "a lap top on a bed while someone using its laptop", "a laptop and an apple macbook are being displayed on a bed", "a laptop on sitting on an bed with a red lap top", "a laptop sitting on top of a bed on a white comforter", "a laptop is sitting on a bed with a laptop on it", "an open laptop computer next to a laptop computer", "a lap top on a bed with an open laptop on it", "is a person in white shirt that is working on a laptop", "the open laptop is left next to the computer", "there is a laptop on the bed and a laptop, a pillow, and a", "a laptop computer sitting on a bed under a christmas lights", "a laptop and a red laptop are connected together", "a opened laptop with a lap top on a bed", "a laptop computer sitting on a table next to a lap top computer", "a red laptop is shown open on a computer desk", "orange laptop on the bed with green wall background", "laptop sitting on top of a bed with a laptop", "laptop laptop with laptop and laptop computer at lap top", "a laptop computer sitting on a bed with a mac laptop on it", "a laptop computer sitting on top of a desk covered in holiday lights", "an orange laptop with a star logo sitting on a desk next to a laptop", "a laptop computer and a laptop computer sitting on top of a bed", "a red laptop sitting on a bed in a bedroom", "a laptop on the bed top of the laptop", "an open laptop sitting on a table near a red star hanging above", "the laptop is sitting on the bed with the laptop", "laptops on an open bed with a laptop and laptop computer sitting on the bed", "a laptop and a lap top computer on someones lap", "someone is using a laptop while sitting on a bed", "a laptop a brown laptop a red star and another laptop", "a red laptop on a bed in a bedroom", "there is a lap laptop sitting on a desk", "a laptop that is on in the bed", "there is a laptop on the table in front of a laptop", "a red star hanging above a laptop with a lap top computer on it", "a laptop, a laptop computer and a lap top", "a pair of red laptops are on the bed and on the laptop", "someone typing on their laptop on a bed", "an open laptop computer sitting next to a red lap top", "laptop computer on the bed with a laptop computer open", "a laptop is opened to an individual and has a lap top", "a laptop on a desk, with a star hanging over it", "a laptop sits on a table with a laptop and a red pen", "a laptop computer with a laptop and screen on it", "laptop sitting on a bed with open laptop computers behind a laptop", "a laptop and an apple laptop computer on a bed", "a black bed with a laptop, laptop computer and open laptop", "a laptop computer sitting on top of a laptop next to an open red laptop monitor", "a red laptop is on the bed while the laptop is under the bed", "the laptop is sitting in the laptop bag", "laptop laptop laptop laptop computer open open laptop laptop laptop open laptop laptop laptop laptop computer", "open laptop and laptops sitting on someone's desk", "a laptop on a desk with a lap top sitting on it", "an open laptop computer and laptop sitting on a computer", "a lap computer on a bed next to an open laptop computer", "a laptop computer rests on a bed in a bedroom", "a laptop and computer placed next to an open laptop", "a lap top computer sits in front of a lap top", "the laptop and a laptop sit on a bed, with a laptop, laptop,", "a laptop computer sits open beside a red laptop", "a laptop next to a laptop and a laptop charger", "a laptop computer sitting on top of a metal pole", "a laptop sitting atop a laptop chair with a laptop", "a laptop on bed with laptop laptop on top of it with a laptop sits next"], ["three ladies and a man with laptop computers", "a woman is typing at a desk while other people watch", "adults and children are sitting at desk at a picnic table", "people sitting at a table outside at outdoor cafe", "people sat at a long table outside with a laptop computer", "a couple and two children eating lunch at a picnic table", "a table has a group of people eating and drinking at them", "three teenagers working on their laptop at a table", "two people are sitting at a table talking", "several people and a woman outside at a table with a laptop computer", "a woman and a girl on a laptop, standing under an outside umbrella, next", "a group of people at a table looking at paperwork and books", "a group of people is eating at a restaurant", "a group of people sitting outside in the sunshine", "there is another group of people that are sitting together", "a crowd of people are sitting at tables together", "a group of people at a table on a mac computer", "a couple and child are seated at a picnic table", "three on and at three two a and a with young at outdoors a people three", "workers smiling a a people on people a people having a open adults and people using", "a group of people sitting at a table with a laptop", "a group of women in a parking lot at a table with laptops", "the people are gathered on a laptop at the desk", "three people smiling as they sit at a picnic table", "a man and a woman are sitting at a table", "children tables a a some people a picture a a there people some a people people", "several people sitting out eating at a large outdoor cafe", "a group of people who are sitting together under a umbrella", "a group of people sitting around at a table", "two people sitting at a wooden table eating something", "people eating at a wooden picnic table under an umbrella", "sitting some people students is children table a while outdoors people laptop people a table outdoors", "family enjoying their computer time at outdoor dining tables", "an image of people studying in a city", "people outside family family patrons people people on group many busy some at a a outdoor", "two people are laying on a laptop at a table", "several students have a lunch outside on a sunny day", "people at an open laptop computer sitting outside", "a group of friends sitting outside working on laptops", "two children with a girl using a laptop computer while looking at some documents", "an older couple sits together at a table under an umbrella", "a group of people having a laptop and a laptop computer", "tables in a parking lot lined along with people in a cafe", "an umbrella is open while people sit under it", "a group of people sitting at their picnic tables in a cafe", "a group of people is sitting, standing, and sitting outside", "group of people sitting at outdoor wooden tables under an umbrella", "men in outdoor area typing on laptops", "a woman and a man using a laptop computer while reading", "a man and a boy seated at a table working on laptop computers", "people sit at a table while the rest of their family smiles", "several people sitting at a table outside looking at papers on a surface next to each", "a few women that are working on small laptops", "a group of people sitting in an outdoor cafe with open laptops", "adults and their son sitting at a table outside with computers", "a group of people sitting at table and having a day at laptop", "a woman and with two children inside an outdoor area", "a women and child sitting on a keyboard looking at camera", "two people looking on a laptop computer while they sit at a table with coffee and", "two people are sitting down near an open computer", "several a some a this people laptop people family people, young people with sitting a", "three people working at a wooden table in the woods", "a group of people sitting at a table outside together", "a photograph of a group of people on a laptop computer", "several people sitting at a long busy street tables working", "a group of people sitting around a picnic table", "a family sits at a picnic table outside of an apartment", "a family sitting around outside reading in a large open cafe", "some people some people and a table laptop computers computers", "a man and a woman around a garden with a laptop, books, and a", "a group of people sitting in tables near a blue canopy tent", "three people are sitting at a table outside", "a couple of women and a child at a long table", "large group of parked cars parked close to each other", "people sit a table outside outside, working on their laptops", "group of people are meeting in a large open area in a hotel", "the young children are around a picnic table", "a picnic area with tables all covered outside talking and people eating", "two woman, one is an adult and one is a child", "three people sitting at an outdoor dining table typing", "people at a table outside and a man is pointing at a folder", "a woman and a young woman are looking in a laptop pc, while two woman", "group of people sitting at table outside, working", "two people sit at a dining table while a few others eat a dessert", "three people sitting at a table looking at their laptops", "a group of people that are sitting around", "three people sitting at a table, talking to each other", "people are writing and papers on the table", "a person on a laptop sits at the table", "a group of mom and son are using laptops", "several people on the table with plates and plates under an umbrella", "a group of people on the street working on laptop's", "a group of people sitting around a table with a laptop sitting on it on the", "several people dining table at a cafe in a city", "one man and a woman at a laptop computer eating dinner at a cafeteria", "people sit at a table in front of a laptop computer that is open", "two people sitting around a table that is closed, outside", "people seated at a table in a row, reading", "a group of people sitting at a parked lot", "a group of people sitting at a table outdoors"], ["a young black cat sits at a desk in front of a open laptop", "a black cat is sitting near laptop computer", "a laptop open on a computer sitting in front of it", "a cat laying in front of a lap top computer laptop", "cat laying laying on dark night near dark window", "the keyboard on the monitor of a computer next to a laptop on the desk", "a laptop computer open on a laptop with a laptop", "a laptop is open and shown on a desk", "the cat is sitting in front of the laptop", "a cat is lying next to a laptop on the table", "a cat sitting in front of a laptop computer and laptop", "cat kitten cat cat cat black tab cat a cat cat cat cat black on dark", "a cat sitting next to a laptop on a desk", "in black cat cat cat looking looking watching to laptop cat a laptop laptop laptop laptop", "laptop laptop on desk with laptop computer on desk", "a laptop computer laptop computer is sitting on a desk", "the is at the side of computers with its head over the screen", "a cat laying on a laptop keyboard next to an open laptop", "a cat sitting on a desk looking at the screen of a laptop computer", "a cat staring up at a laptop on a desk", "a laptop computer that is in front of a laptop", "a laptop computer sitting on a desk in the dark", "a laptop computer and the laptop is on a desk", "a laptop computer on a desk on top of a desk", "a laptop sits next to a laptop computer", "cat cat sitting cat tab cat black close computer computer sitting a laptop on sit computer", "an open laptop next to a lit laptop computer", "the back laptop monitor is lit", "a computer laptop on a white desk in the dark", "a laptop computer and black cat with a computer in the background", "a dark black cat sitting in front of a laptop computer", "cat cat watching looking looking a cat cat kitty cat lap computer the laptop black black", "the small cat sits next to a laptop computer on a desk near a led light", "a cat sits beside a laptop in the spotlight", "the cat is sticking its head out on the laptop", "a laptop computer on top of a white desk", "a laptop computer is monitor open on a table", "in laptop laptop laptop laptop laptop laptop desk on keyboard laptop laptop laptop computer is laptop", "a notebook computer computer behind a cat", "sits a laptop laptop desk cat cat is the cat cat on as cat looking looking", "a view of a cat laying its head on a laptop computer", "a laptop is on the desk as the lamp shines on it", "black black computer computer laptop computer black laptop laptop lap black cat the laptop computer laptop", "a laptop a desk lamp a string light and a lamp", "a laptop computer sitting next one another on a desk", "a lit up laptop and a laptop, with a cat on top of it", "a black cat is laying in front of a computer screen", "the laptop is turned on on the desk next to the lamp", "a laptop computer sitting atop a laptop computer", "a laptop computer and cat sitting on a desk side view", "desktop on the laptop laptop laptop laptop laptop open on mouse on computer open computers sits", "a laptop on a cluttered computer desk", "a cat sitting next to a laptop computer on a desk", "open lap computer sitting on an lap laptop", "a laptop computer on a desk with a lamp and lamp", "a laptop and a pen sitting on a desk with a computer", "black cat on a laptop computer computer at a coffee mug", "black cat sitting next to an open laptop computer computer", "a black cat lays in front of a laptop computer", "the laptop computer is open, and it is a laptop computer", "a black cat sitting on a desk in front of a laptop", "a desk lamp illumits a laptop in front of the laptop", "a laptop computer and a cat near a laptop computer", "the cat sitting next to a laptop computer", "a cat sitting on a desk in front of a laptop computer", "a cat, sitting next to a laptop on a desk", "the laptop laptop laptop computer laptop laptop lap laptop on behind laptop laptop open lap keyboard", "a laptop laptop open looking laptop laptop laptop laptop laptop a kitten desk keyboard laptop open", "a cat on a desk looking at and open laptop computer", "a cat sitting on the floor in front of a laptop computer", "the computer mouse on the laptop is looking on", "a picture of a laptop in front of a lamp", "a laptop laptop computer next to a cat on a desk", "a laptop next to a lap top on a desk", "a laptop on a laptop on a desktop in the office setting", "a laptop and a laptop keyboard next to a chair", "a computer desk with cat a lap top, and lamp,", "a flat screen laptop computer sitting lit on a desk", "a cat next to a laptop and a laptop", "a laptop computer is lit on by the monitor", "a black cat is sitting next to a lap top computer on the desk", "laptop lap laptop laptop lap open lap laptop laptop laptop lap laptop kitty laptop laptop laptop", "a laptop computer computer and a laptop computer sitting on the desk", "keyboard laptop laptop sitting laptop on laptop laptop laptop laptop sitting laptop laptop open laptop notebook", "a cat in front of a laptop with a laptop behind it", "a laptop, a computer, and a cat sitting on a desk", "an open laptop laptop sits near a lap top", "a laptop computer on a desk next to a lamp", "a cat is looking at a laptop computer", "computer lap cat cat tab cat cat looking black laptop photograph cat cat laptop black cat", "laptop is laptop on laptop open laptop lap open lap laptop laptop open open open on", "a black cat is watching a laptop screen", "a laptop computer and an open laptop on a desk", "a cat looking at laptop computer displayed with a laptop on the desk", "a computer with a laptop sitting on a desk", "a laptop computer and a keyboard on a desk", "a work laptop is on a table with a laptop keyboard", "cat with head on computer looking in to open laptop keyboard", "a laptop computer sitting on top of a lap top", "a computer desk and desk lamp that holds a black cat sitting on a computer desk"]]}, {"question_id": 3594473, "question": "The baby is sitting on a table or a seat?", "answer": "table", "captions": [["an black cat is standing on a bed", "a cat sitting down looking over and looking", "a cat is sitting on a wall looking down", "a cat sitting on a night stand next to a dresser and a bed", "a cat drinking his food from a window on a bed", "cat cat cat cat the cat and drink cat in a a cat is a cat", "a black cat stands on a dresser top", "a black and white cat is staring in the mirror", "a black cat sits on a bed in a room", "a close up of a person on a bed with water bottles", "eating cat cat cat black cat a cat black cats cat cat cat cat on cat", "black cat sniffing cat water on a pile of water bottles", "a cellphone sitting on a bedside table next to a towel while a phone is", "a black cat is sitting on the bed and drinking water", "cat rubbing bottle of water beside night stand", "a black cat standing on top of a table next to a clock", "a cat standing on a nightstand near a bottle of water", "a black cat looking at a cellphone with its paw", "cat cat cat cat sitting a looking cat white dog in a looking a black cat", "someone is taking a photo of their cat, which is sitting on a cellular phone", "a cat on a desk surrounded by a water bottle", "cat playing with furniture near a yellow painted dresser", "a black cat drinking water while it is drinking", "a black cat drinking water from a plastic bottle", "large cat looking down at the window between the bed and nightstand nightstand", "black cat cat cat sitting cat cat a cat cat pet sits cat looking cat sitting", "a cat reaching over to get a beverage", "a woman standing on a desk with a cat on it", "a cat is leaning against a cabinet, bottle, bottles and cups", "the cat is watching something sitting on a wooden table", "black cat standing on nightstand sitting on dresser table", "a black cat is drinking milk next to a telephone", "a cat standing on top of the bed using the remote to text a cell phone", "a black cat sitting on a bed next to a bottle of water", "a black cat standing on a window open rail", "a dresser with a black lamp a picture and a black cat on it", "a black cat drinking water out of a bottle on a bed", "a close up of a black cat near a television", "a white cat drinking milk with it's mouth", "a black dresser with water in it in a bedroom", "a black cat sitting on top of a dresser next to a lamp", "black cat kneeling down looking over itself in the corner on light yellow wall", "a night stands topped with water, a bottle of liquid and a water bottle on", "a cat sniffing something in a home, including water and a window", "a black cat leans over a window sill looking at its reflection", "a vase on a small chest of drawers near a yellow wall", "a black cat is sitting on a bed with some pillows", "a black cat standing in an unmade room with yellow walls", "a black cat standing on an empty water bottle next to a water bottle on a", "the cat is drinking water with its mouth and beak", "a bedroom with a drawer, television and a water bottle", "a cat that is sitting on a table", "a cat standing on the side of a dresser staring at milk cream milk", "the black cat looks very contently to be hanging out", "a cat standing on a night table next to a dresser", "a black cat sitting on top of a night stand next to a nightstand", "cat black the cat cat kitty a sniffing kitten black cat kitten cat cat has cat", "a small cat on a small bedroom at a computer", "a cat standing on the tip of a bed next to a nightstand", "a black cat standing on a nightstand table next to a water and a bottled bottles", "a cat drinking water and bottled water out of a container", "a cat and a plastic box are sitting on a nightstand", "a cat that is standing up looking to eat some food", "a cat standing up looking at something that was in a silver bowl", "a small living area with a couch and tv", "a cat standing on a floor on top of a black floor", "a black cat sitting on a night stand and drinking water", "a house cat drinks water on a bed", "on cat and this cat black black black cat black black cat cat cat black black", "a cat sitting on the dresser next to a lamp and mirror", "a cat sitting on a bed next to a bottle of water", "cat looking at bottles of water on night stand", "black cat sniffing himself in the corner of a bedroom", "the cat is standing next to some water and bottle", "a black cat looks to drink a milk bottle", "a black cat sitting and lying on a bed", "a dark cat next to a bottle of water", "a cat standing on a made bed with water on it", "a cat is watching a record vintage player while it sits on top of a alarm", "the cat is sitting on the edge of a hotel bed", "a black cat on a nightstand table with a mirror", "a black cat sitting in a room with a big bed", "a cat playing on a bed next to a wall", "a photo of a cat that is standing on a bed", "a cat standing on a table next to bottle of water", "a black cat drinking from a water bottle", "a black cat sitting on a laptop desk", "a black cat standing on a drawer with bottled water bottles", "a black cat standing on top of a night stand", "a cat in a room drinking a bottle of water", "cat standing on a bed at the foot of a bed", "someone is looking at a bottle of bottled water", "a black cat sitting on a bed next to a nightstand", "a cat looks intently at something in the photo", "a cat standing on top of a stack of items on a bed", "an image of people living in a house", "a cat that is sitting next to a toothbrush and a bottle", "a cell phone lying on a telephone table, with water in a cup, water", "a big black cat standing on a bed", "a cat is sitting on the computer desk"], ["a picture of a kid with a hockey bat sits on the top of a skate", "a boy laying on his back with his a baseball bat and a wooden stick on", "a man is laying down with a bat on the ground", "a little boy holds a bow for an ear and bow", "boy fallen skateboarder fell down with his skateboard down", "a young boy sitting on a skateboard wearing sandals", "a boy plays a flute with a flute case", "a guy playing a flute is on a skateboard", "a young skateboarder and his skateboard on the street", "the young boy is sitting on a wheeled skateboard", "a kid is playing a game with a broken baseball bat", "a boy on skateboard holding his hand on wheels", "a child holding a wooden scooter and a baseball", "a young boy with a cowboy hat playing baseball", "a young a a a long skate a a boy small skate long a a this", "a man playing baseball with a baseball bat", "a boy laying on the floor while holding his knee", "a boy falling down on a scooter", "a little boy standing in the street in front of trees", "a person on a skateboard, doing a trick", "a woman on a side walk talking while another woman watches", "a person that is on a skateboard and is sitting down", "a boy sitting on a skateboard with a skate hat", "a child playing on a skateboard on a street", "a young kid laying on a skateboard holding onto a skateboard", "young boy sitting on a skateboard as he makes lapsing", "boy an player boy young boy young holding a a a a a a a a", "little child riding skateboard with no skate board seat", "a boy is sitting on a skateboard on a sunny day", "a child who is making a cart on his skateboard", "a small boy is skating down a trail on a skateboard", "a young boy on a skateboard with a pole on the ground", "a young boy is sitting down playing board - go - cart", "child sitting on bike in field pretending to ride", "a little boy laying down on the floor looking at camera", "a boy laying on his skateboard leaning on it's back", "young boy sitting down playing musical instrument while on a skateboard", "a this a a a blonde older a young kid sitting boy nine boy child blond", "a boy riding across a skateboard on the floor", "a child is skateboarding down a hill, crouching and playing with a sc", "a small kid with a hockey stick, sitting down on its side", "people in a hat and yellow baseball hat and green hat", "a very young boy with a very hair riding a skateboard", "a close up of a person on a motorized sled", "a boy holds a big pipe in one hand", "a kid is skateboarding and falling down", "a boy is rolling on his board down the street", "a young boy is playing scooter and a large bat", "a young man with a skate board in the middle of a skateboard course", "a boys riding a skateboard on a skateboard", "a man with a hat on his skateboard", "a picture of a skate skateboard and a bat with a baseball bat", "a small adult seated in front of a young", "a child and his black t shirt, is holding a toy", "a skateboarder upside down on a skate ramp", "a very cute little boy skate board down the street", "the boy kneels on the ground to show off a leg lift", "there is an image of a toddler with a long piece", "a young boy lays on his knees, on scooter", "a child hugging his face while standing on a concrete sidewalk", "a skateboarder has fallen off at mid - skate", "a young kid lays on the street to play with a skateboard", "a child sitting on a floor playing with his skate board", "a a boy riding a skateboard on a park lane", "a skateboarder, on a rolling down a road doing skateboard stunts", "young sitting the skate on being a a a sc kids kid fallen on and a", "there is an old photo of a boy on a scooter", "a young kid is laying on a skateboard", "a child sitting on the street with a skateboard with one on him", "a boy is skateboarding outside wearing a hat", "a young boy sitting on a skate with his skate sticks", "a small boy is riding a skateboard in the street", "a view of kid with skateboard sitting sideways looking forward", "a boy skate boarding alongside a barrier on the street", "on riding a teen a a young riding rider a teenager a he a a a", "a little boy lying down on the ground with a skateboard", "skate skate skate boy boy laying child wearing skate skate in skate a skate kid the", "the person sitting on a kid on a street to pull, a bat sitting on", "a skate boarder who is laying on the ground roll", "a dog with a skateboard and a hockey stick", "a boy in black shirt standing beside a pole", "a teenager one - he on skate skater boy skate aged one skater sitting skate boys", "skate boy skate laying skate skate skate skate skate skate skate the skate skate fallen skate", "a person on a skateboard kneeling down on the ground", "a child laying down with his hands on his knee", "a boy with hat sitting on skateboard on the road", "a young boy riding a skateboard and holding a pipe", "a boy sitting down playing a wooden scuet", "a skateboard in the sitting down with a huge skateboard on its wheels underneath", "child kid skate a he is a man the todd a a a a a a", "a little boy falling on its back in a black skate boarding", "boy doing feet - in the skate skateboarded skateboarding, that has been", "a young boy riding a wheeled bicycle and holding a skateboard", "the child is crawling as he falls on his skateboard", "a person laying on a skate board on legs with a fruting instrument", "a person is upside down on the ground", "a young boy is sitting on a skate board", "the young boy is lying on his back and playing a musical instrument", "a picture of a boy that is laying down on the ground on skateboard", "the boy is riding with his skateboard and a bat"], ["a giraffe has its head raised while another kid looks on", "giraffe walking a woman down a chair and people watch with a woman and", "three people standing next to a adult and a woman in a chair", "gi gi african gi gi gi gi gi gi gi gi gi gi gi gi gi", "two people are watching a tall giraffe on the other side of a wire", "some people an baby and a zoo", "two people are near a large animal on a table", "people next next sit sit chair sits - a chair sit the outside a table dining", "a giraffe standing next to a woman and a group of adults and a", "a giraffe is standing next to a chair looking down", "people are standing around by a tall giraffe", "a adult people outdoors looking people standing two for people children adult sitting being pet next", "there is a giraffe that is standing near a person at a chair", "a tall giraffe that is standing next to a woman", "a young woman and her friends watching a giraffe", "people and children standing next to a giraffe", "gi standing gi gi leaning gi a a an gi gi gi gi gi gi a", "a giraffe stands tall with a man and a woman looking at the child", "a family is sitting at a table and their toddler is standing nearby to their", "a couple has a giraffe at a zoo while a woman stands beside her", "a sitting table to gi feeding gi gi baby gi kids to table two gi child", "a woman and a man are viewing a giraffe", "gi an gi gi gi gi gi the tall a gi gi gi a gi fence", "father and child getting feeding giraffe from tree", "a giraffe is standing inside of a cage", "gi gi gi are the gi gi the gi gi gi gi gi andraf gi", "two people pose around a table and an outside dining table in front of a gi", "a couple of people and giraffe up by a person", "there is a man feeding a small giraffe in a cage", "a couple of people standing next to a giraffe", "three people standing around a table in a circle looking at a giraffe", "feeding to a two gi gi gi gi gi gi gi a gi gi gi tallest", "men a gi gi gi in a a gi gi standing a gi gi a a", "a group of young people standing by a giraffe and one person", "giraffe standing next to a woman sitting at a chair talking to a child", "a man walking on the back of a chair with a large tall tall object", "a eating gi gi tall standing gi there tall gi gi gi gi looking adults feeding", "a giraffe walking alone next to a group eating in the grass", "gi gi gi gi gi gi gi gi gi gi gi and standing gi gi and", "a couple of people sitting outdoors by a table", "a man is sitting on a chair at a table outside in which one eats pizza", "tourists at a picnic safari table with a photo safari tourists sitting people feeding a gi", "people and children outside watching giraffe in open area", "the people are standing next to a table with children", "some people are being given a giraffe a massage", "gi gi gi gi gi gi gi gi gi gi gi gi gi gi and gi", "a giraffe poses next to a table with chairs beside it", "two table patio and outdoor outdoor child bench young visitor chair chairs a bench table sitting", "there man is observing a small giraffe near another", "a tall giraffe leaning its tree next to a chair next to the baby", "standing is next gi a in standing by on a a to a and a a", "gi gi gi gi gi gi with gi gi gi gi gi gi gi gi gi", "eating people a people man a by feeding gi adult people people people people are people", "a giraffe eating the food as another watch", "a giraffe is hanging from a tree standing next to a person", "gi gi gi gi gi gi gi gi feed gi gi gi feeding gi gi feeding", "a giraffe standing next to a couple of people", "young people petting a giraffe standing between a picnic bench and a table", "gi gi gi gi gi gi gi gi gi gi gi gi gi gi of gi", "some people are standing next to a giraffe", "a giraffe is tall and tall while people watch it", "gi gi gi a standing gi in gi gi gi standing animal gi gi gi gi", "a giraffe with people and a picture person sitting on a woman and a", "people looking at a giraffe outside with a large giraffe", "a woman looking at a tall giraffe behind a stand in the picture with", "a gi being to the children gi people gi gi and two a gi gi a", "a giraffe's people sitting for a picture with a parent", "people watch a zoo giraffe stand next to a kid sitting at a chair", "gi gi gi gi gi gi in gi gi gi gi two gi gi gi gi", "a giraffe and its woman, a woman and man", "a giraffe is standing against a tree and a chair", "people standing in front of a giraffe to a man on a wheelchair", "a man leaning down into a table to feed a giraffe", "gi gi gi gi gi gi young african a a gi gi gi gi gi gi", "a person feeding a giraffe with a person in the back chair", "a giraffe and two people looking at a table sit in a chair", "the tall tall very young a chairs man outdoors a seat gi people people two and", "a woman sitting at a child's seat with a giraffe standing behind", "a man standing next to a young boy holding a baby while an older person holds", "gifafe standing by some tourists under the trees", "a big giraffe towering tall tree next to a woman standing next to a", "a woman stands by a chair next to a baby feeding a giraffe", "a giraffe is tall tall standing while people sit in a chair", "a giraffe standing over a baby watcher in a chair", "people sitting family the outdoors group people people parent people parents people the people a people", "people stand next to a statue while a tall giraffe is being watched by", "two person are seen by a large giraffe as she talks with the people", "a person and a woman standing near a giraffe", "a large giraffe stands next to a park chair as two chairs chair sit", "the mother is petting a large tall giraffe", "two people and a giraffe in the grass", "children watching the camera boy and the giraffe", "a woman and a man standing near a tree that is taller than a giraf", "the the with gi a gi gi gi a people sitting sitting outdoors a gi adult", "several people at a small table watching a giraffe", "a family stands in a park bench while a man stands on a ladder chair next", "feeding a giraffe at giraffe national, cape", "two people staring at a giraffe next to a baby in a stroller", "gi gi gi gi gi gi gi gi gi and and gi gi gi gi gi", "gi gi gi gi gi gi and gi gi of feeding gi gi gi the gi"], ["a cat is sleeping peacefully on the back of the car seat", "a kitty cat is curled up on a cat sleeping", "a cat laying under a car sleeping in the car", "a tabby cat laying comfortably resting in a car driving seat", "a cat curled up napping on the back of a car seat", "a brown brown and white cat is sleeping in a brown car", "cat cat orange brown laying close kitty a lying a the cat cat cat cat cat", "a cat lying on a seat as it lays down in the back of a car", "picture of two cats sleeping comfortably on their back in a car", "a brown cat lying on the seat of a car", "a calico cat curled up asleep inside a car", "a cat rests in the armrest of a car", "a cat sits on a car seat on the back of a seat", "a cat laying on a purple and blue chair", "yellow brown cat cat colored brown s cat sit cat cat cat cat cat cat cat", "an orange and brown haired fluffy kitty kitten sitting on the seats of a cat car", "a cat lying on the back of a chair in a car", "a cat resting on the seat of a chair while it lies comfortably", "a cat sitting on the seats of a vehicle", "a tabtemss cat in cat laying on a purple sofa in a car", "a cat curled up on a seat sitting on a car seat", "a cat sitting in a car seat cushion while laying on a car cushion", "the cat is sleeping in the front seat seat", "a cat sitting on a grey chair", "a cat curled up in a cat bed on the back of a car seat", "cat curled up asleep on a couch in a car", "a cat sitting behind a cat chair on a computer chair", "a cat sitting on a computer computer keyboard next to a white and black cat", "cat sleeping cat cat cat cat cat cat tiger cat cat cat cat laying tab a", "this cat is sleeping in a car seat", "sitting cat laying a cat cat cat cat kitty tan sitting sleeping sitting cat orange grey", "a cat sleeping on top of a wooden cat bed", "a picture of a cat reclined in a vehicle", "a cat sleeping on top of a seat next to a couch", "a cat is laying around a fluffy fat cat", "dirty looking cat snuggled up on a grey car seat", "a cat is resting in a car seat in front of the steering wheel", "a cat sitting in the driver seat of a car", "a cat that is sleeping on a car seat", "a tabby colored cat laying on top of a fat cat sleeping on a purple", "cat cat cat cat cat cat car a cat seat cat cat cat car cat tiger", "cat laying a cat cat cat laying cat cat lazy cat sitting on cat cat lay", "a cat laying on its back lying on a chair cushion inside", "cat curled cat cat cat seat seat seat s seat back pet on seat seat cats", "cat sleeping in an old car seat while staring around", "dog cat, a cats cat curled cat sleeping cat cat sitting cat on cat a", "a brown and white cat sits in a car seat", "a fluffy cat sleeps curled up on a couch", "a cat sits in the front seat of a car", "a small dog sleeping on the back seat of a car", "a cat is sleeping lying on a purple sofa", "a cat cat kitty a tab kitty cat tab cat cat cat a an cat s", "a cat sleeping on the seat of a car", "a brown and white cat stretches onto the back of a car seat", "a cat sleeping in a car seat while resting", "cat sleeping on a car seat, in front of the front steering wheel", "orange cat tab cat tab cat has fe and brown cat tab cat cat kitty orange", "a large cat sleeps on a car seat of a car", "a cat that is sitting inside of a car", "a cat that is sleeping on the seat of a car", "a fluffy gray cat snucing with its curled up sleeping curled", "cat sleeping on top of a passenger seat in a car", "in cat sleepy cat cat tab cat cat cat orange cat orange cat cat cat cat", "a cat is lying on a vehicle seat in a car", "cat laying on a purple car with violet tinted light in dark room", "a cat sleeping in a car seat on a car bench", "a cat is curled up on top of a gray cat in the drivers chair", "car cat and s a a cat cat cat seat cat orange sleeping with sitting cat", "a cat in a car seat with his back sleeping on it", "an animal sitting in a car with his back to the seat", "a cat that is sitting inside a car", "the kitten tab tab, and sitting kitten cat cat cat s and kit stray cat", "cat cat a grey seat brown s seat cat and cat kitten tab sitting cat cat", "the lying cat is sleeping on a cat on the top of the seat", "cat cat the a sitting cat is cat a cat kitty seat cat cat sitting cat", "cat cat lying cat cat orange cat cat the a orange is brown sleeping sleeping cat", "a grey and brown cat sleeping on a seat in a car", "a cat cat sitting tab lying sleeping cat cat cat cat kitten brown cat sitting fat", "a cat curled up lying on top of a cat that is curled up in the", "a brown tabby cat laying on a purple couch", "a cat laying on a fabric seat in the back of a car", "a cat on its stomach curled up sleeping in a car", "a tabod cat reclining comfortably sleeping on a seat", "a cat laying on a seat on a chair", "cat furry in brown cat cat cat is cat brown cat cat kitty cat cat cat", "has and cat an it cat cat cat cat sitting and cat a seat cats brown", "a cat is sleeping in a car seat", "cat sleeps on a seat in the car as it lies down", "a cat sleeps in a car seat, a dark purple cushion", "a cat curled up on a bed in a car", "cat sleeping in a car chair in a car", "a a cat brown cat cat cat sleeps tab cat is cat cat sleeps ginger laying", "a cat sleeping curled up on an auto chair", "a lazy cat lounging in a car seat seat", "s cat cat - cat and cat cat cat fat orange cat sleeping cat cat cat", "brown - colored cat sleeping on a cat's seat by the front of car", "a cat laying on a car seat and sleeping with its back laying on the driver", "a cat laying on top of a cat in a car seat", "orange stripped cat sitting in the middle of a car inside", "a baby cat lays down in a clean car seat"], ["a man standing in a kitchen with a refrigerator in the background", "a picture of a dining room with furniture piled on the floor", "a kitchen with a wooden bar with bars and stools", "a small kitchen with a fridge and many chairs", "this room is very messy with no furniture is present", "a refrigerator and a table that is near a wall and some cabinets", "a kitchen with a refrigerator covered in boxes filled with items", "there is a cardboard box in a cluttered room", "the counter is made up of trash and the stools are fully trash", "a picture of room with a fridge and rug", "a photo of a kitchen with a wood bar", "someone was looking in the refrigerator and had to take a picture", "a fridge and a refrigerator in a room", "an empty kitchen is shown with various appliances and items", "a box sitting on a kitchen counter next to a counter and bar", "this small kitchen has a little desk by the stove", "a fridge sitting above a bar in a kitchen", "a table and a refrigerator with a cardboard box on it", "a kitchen area covered in a mess from kitchen work", "some bags are lying around on a table at a table", "a kitchen island top with a kitchen island and an cutting board", "a cluttered and messy industrial - kitchen is in the room", "a refrigerator has several pictures attached to it", "a messy home office and kitchen with a window", "a kitchen kitchen with a kitchen island, a wood cabinet and stainless steel appliances", "a refrigerator and shelves in a room with paper dolls", "a desk in a house with a small table next to it", "this is a kitchen area with boxes stacked in cardboard", "kitchen with an island counter full of clothes", "a kitchen has a small table and a chest below", "a kitchen with a refrigerator a kitchen rug and two refrigerators", "a large kitchen that has an open refrigerator", "a fridge and an empty large box in a room", "the kitchen is equipped to serve many kinds of cooking", "a messy room made full of clutter", "a kitchen with unpacked boxes stacked on it for storage", "a bare wooden living room and counter space", "a box on a wooden work table is sitting next to a fridge", "a refrigerator fridge, computer and a wooden counter", "the inside of an empty house and cardboard boxes behind it", "a very nice refrigerator with magnets and magnets on it", "a kitchen with a refrigerator in the corner with a toilet beside the kitchen", "a a an the a a there a there kitchen kitchen full counter kitchen kitchen microwave", "a modern and cluttered kitchen with a refrigerator", "an empty room filled with boxes and clump", "a messy room complete with clutter and clothing", "a refrigerator filled with different pictures of people on a fridge", "a box full of papers with something out in boxes", "a small open room that is under repair done", "a messy room filled with furniture and a refrigerator", "this is cardboard that the box is in", "a kitchen with a center island in front of a counter", "a kitchen with a wooden counter top surrounded by stools", "this box is in a cardboard box with a christmas tree on the side", "view of empty kitchen and fridge in vacant house", "a full view of a very big kitchen", "a black refrigerator and a wooden table and stool", "a box is in the corner of a refrigerator", "a kitchen - sized kitchen with a refrigerator with four paper clothes clips on the refrigerator", "a messy kitchen with cluttered appliances and junk everywhere", "an office table with a cardboard box stacked on top of it", "a view of a room that says it is very nice", "a house with a bunch of stuff on top of it", "the wooden chair is cluttered on the kitchen floor", "a kitchen has pink towels on the counter", "a kitchen with a wood tabletop and a big refrigerator", "a table with a carton on top and an old box near it and a", "an empty small kitchen with a refrigerator", "a kitchen filled with kitchen counter space and appliances", "a box laying on the floor next to a refrigerator in a room with light bulbs", "a kitchen with lots of cluttered things and clutter", "we are looking at a very empty kitchen", "this is a kitchen with an a sink and stove", "a kitchen has a yellow and white table", "a kitchen with a refrigerator full of magnets", "this home is not in the making yet it is in the midst of renovation", "a kitchen area with a little note drawing and boxes near a window", "a photo of a kitchen with a box in it", "a picture of a kitchen with wooden counters", "box in box storage in messy house with refrigerator", "a refrigerator freezer that is on a counter", "a picture of the kitchen of a very nice house", "a room with a refrigerator a toilet and other stuff", "a full view of a large, well organized, kitchen", "kitchen island cartons and boxes moving boxes", "a kitchen kitchen scene with black refrigerator with wood cabinet and bar stools", "a kitchen with small chairs and lots of boxes", "a cluttered cardboard box sits in front of a tall fridge", "kitchen with various appliances in a messy mess", "there is a black refrigerator refrigerator in the kitchen", "a small bar in the corner of the room that has a small stool in the", "a kitchen with a big table, oven and counters", "the refrigerator has a glass top freezer", "a picture of a kitchen with a box and an open refrigerator", "a kitchen with a very messy black fridge", "several boxes stacked next to each other in a room", "a box is on top of the desk and next to the computer mouse", "a small refrigerator in a family home with a lot of boxes", "a bedroom with a black refrigerator with a pattern on the carpet and a colorful rug", "view of kitchen area and table from the window"]]}, {"question_id": 2364163, "question": "Is it true that all people that are wearing a t-shirt are lying?", "answer": "yes", "captions": [["two men heading down a hill to go skiing", "several people riding skis down a street side", "cross skier people ski one two the skier two two skier two skiing skier two the", "walk skier on skier standing skier friends hiking hill skiing couple ski skier back skier skiing", "two people ski down the slope of a snow covered hill", "a pair of people holding hands walking on a path near a camera flash - image", "two people standing together on a snow covered track", "two people standing on skis side by side", "two men walking in the snow under trees", "two skiiers hold hands up as they cross a mountain", "two people on skis walking down a mountain", "two people wearing black and carrying the blue bags", "two older men skiing down a grassy hill", "two people standing in the snow looking into the lens", "people in the snow walking and walking down the mountain", "two men standing next to each other on the ski slope", "two people are skiing down a hill looking for a peak", "two pairs of elderly citizens on a cold winter day", "two people walking across a snow covered ski slope", "two people are walking and skiing down a course", "a couple of people walking up a slope on skiis", "two people riding skis down a snow covered slope", "two men standing in the snow holding their skis", "two men in black standing on a snow covered hill", "two cross country skiers on a sunny day", "skiers are standing near a pole on a snowy trail", "two people standing in the snow in the sky", "two people walking together in the snow holding hands", "people skiing down a mountain on a sunny day", "there are two men on snowy skies in the open", "two people holding hands standing next to each other", "two people standing on the snow", "a couple of men standing next to each other in the snow", "a couple of people are on some very snowy hill", "a couple of people are on their skies on a ski slope", "there are two men walking on the slop on the snow", "a couple of people that are on skis in the snow", "a group of people are standing in the snow", "two skier ski pair walking walking cross skier walking standing walker friends ski the pair old", "skiers walking around in the snow with trees surrounding them", "two people standing in snow ski gear and one holding one leg", "three people walking up a steep hill together", "two people standing on a ski slope, holding hands", "two people riding down a ski slope towards the ski lift lift", "two men in winter gear on a ski slope", "two people on snow skiing are posing", "people with skiis and blue pants and a person in blue and green pants wearing", "two people standing in the middle of snow", "two people are holding hands while walking up a hill", "two men on skis wearing ski gear walking towards the camera", "two people walking beside one another, on a snowy slope", "two people posing for picture in snow gear", "a man and a woman are standing close to one another with one wearing skis", "two people that are out standing in the snow", "two men standing next to each other on a snow covered slope", "one person in a hat and sunglasses is standing in the snow", "a couple of people riding skis on a slope", "two men standing before skiers holding hands", "some people standing on a hill with hats on, one standing behind other", "a couple of two people standing on the snow", "the the two the two skier both skier a there ski people skier people the people", "a group of people skiing downhill on a snow covered mountain", "two people cross country ski up a hill", "two men standing together in a row while riding skis", "two people standing in snow near one another", "there are people riding down a snow covered slope", "two men standing next to each other on a sunny day", "two skiers are on a mountain waiting on a snowy slope", "three people standing a a mountain on a sunny day", "a man and a woman are skiing across the snow", "two people walk and hold two ski poles, and a pair of them hold on", "two people are skiing down a snowy slope", "three people standing on a hill holding hands", "people skating down a hill on a sunny day", "two people are on skis on a hill with snow covered ground", "a couple of people riding skis on top of a snow covered slope", "a group of people wearing skis walking down a snow field", "a group of people standing on skis on top of a ski slope", "two people standing back to back on snow skiiers", "a group of people in snow suits skiing and skiing down some steeps", "men walking in the snow on skis, walking behind them", "two people standing in the snow on a ski slope", "two children ski following each other on a sunny day", "two people are holding hands on the snow", "this couple is skiing down a hill under the sun", "a picture of two people standing together on skis", "three skiers posing for a picture, while holding hands, and walking down the", "the two ski boarders are looking towards the camera", "two people standing in skis on a snow covered hill", "a couple of people in black on a mountain", "a two skiers skiing on a snowy slope", "two skiers is seen walking down a hill up there", "four people posing for a picture holding hands while standing in the snow", "two people skiing on the snow with skis up", "two people are skiing down a snow covered hill", "skiers ski down a hill to the bottom of a mountain", "a ski slope is filled with the snow", "two people standing next to each other on a hill", "two people with skis and snow pants walking through the middle of the ground", "two people are all standing in the snow holding hands"], ["a man walking on both end of the person with an umbrella", "a man walking with a umbrella over his head in the rain", "black and white photo of business man walking on a sidewalk", "a man wearing a suit walking across a forest", "a man in business suit with an umbrella while walking", "a woman walking down the street holding an umbrella", "a man in a hat, white tie, and suit is looking happy while smiling", "a black & white photo of a person walking in the rain", "a man in black and white holding an umbrella", "a man is standing on the street holding a cell phone", "a black and white photo of an umbrella in the rain", "this man is walking and going alone on a cloudy day", "a lady is walking with an open umbrella in the rain", "man in suit coat and shoes walking across rain", "a man walks with an umbrella with an open umbrella", "a man dressed in a tuxedo walks and looking at his cell phone", "black and white photo of black and white photo of men with umbrella", "a man is walking under an umbrella while standing a tie", "a man wearing a tie holding an umbrella in the wind", "black and white image of people with black umbrella", "a man using an umbrella to shelter himself", "walking walking pedestrians on runners in black black people walking walking black in walking black,", "the black and white photo depicts a person walking on the street", "a man holding an umbrella standing under the rain", "a man in a suit and a tie walking down the street", "black and white image in black and white of a man walking down the road", "a person with an umbrella stands in the rain with a car", "a person that is walking with an umbrella", "a person walking under umbrella walking on a dark cloudy day", "a black under women underneath the, umbrella black black black - black umbrella black black", "a black and white photograph of a man with on walks holding a umbrella", "a man walks holding an umbrella, in the rain", "walk walking woman man black walking walking walking by a black black black one black walking", "a man walking home from the rain holding an umbrella", "man holding an umbrella while standing outside near bicycles with umbrella", "black and white photo a man crosses the street", "a man is walking in the street on a cloudy windy day", "the person walking through the rain with his umbrella in the rain", "lady in being men walking there pedestrians people walking a black walking walking pedestrian pedestrians black", "people walking person the walk black black in walking the is running pedestrians in black sidewalk", "there are many people walks, walking and others walking in a group on the street", "the woman, walking, walking in the wet ground wearing a hat and white shoes", "a black and white photo of a man with an umbrella", "a black and white photo of an umbrella in a person in the rain", "a man carrying an open umbrella and holding an umbrella with the umbrella open and people", "a woman jogs along a street near the water", "black - being walking a a black a black a black pedestrians walking a black a", "a man in a suit and a tie walking outside", "a businessman is walking with an umbrella and a suit", "a black and white photo of man in suit and tie walking down a street with", "a person in suit and a suit walking down a road with a rain jacket", "a black and white photo of a person in a suit and white shoes", "a black and white photo of a person holding an umbrella", "a black and white picture of an old town", "a woman walking off into a city in the rain", "people walking by and people walking in front of a theatre", "a woman walking under an umbrella and carrying her umbrella", "urban street photograph taken in black and white", "black and white photograph of a man with an umbrella", "some people on the street near a city street", "a woman holds an umbrella while walking with an umbrella", "a group of people walking down a city street", "a black and white photo of a man walking with an umbrella", "a person with an umbrella walking outside in the rain", "pedestrians a a black on a an there umbrella black black it is black black black", "a man with an umbrella walking down the street", "an umbrella is umbrellaing and a people are walking down, holding an umbrella", "a person is walking on a wet pavement outside", "a dark umbrella is carried by a man, with a white collar ties", "it black and people people people gentleman people people under walking umbrella people black people underneath", "a a a guy a black the pedestrians black walking black walking dressed people gentleman businessman", "the a man photo going the a a dressed walking a walking walking walking a vintage", "a person in slacks and pants is walking across the street", "a black and white photo of a man holding one umbrella standing underneath a umbrella", "a woman with an open umbrella and a umbrella in the rain", "walking man a black black person a a a black pedestrians black black black umbrella umbrella", "black and white photo of a woman walking across a city", "a person with a black umbrella walking down a sidewalk", "a man who is holding a umbrella while walking", "a black and white photo of a man walking down the street", "a black and white picture of a person with an umbrella", "looking a a photograph people gentleman on umbrella umbrella black umbrella umbrella wearing black and a", "a black and white photograph of a man with an umbrella", "a man in white suite and tie, wearing black suit and tie", "a man in black and white with a suit and a white tie under an open", "umbrella umbrella umbrella umbrella black umbrella woman gentleman umbrella umbrella and on black umbrella umbrella a", "a person holding an umbrella walks down a street", "a person holding two open umbrella and umbrella over his head", "a couple of men holding umbrellas in black and white", "a man in a suit and business suit holds an open umbrella", "a woman walks through the rain with an umbrella over her head", "man wearing gray pants suit pants trousers pants legs trousers pants pants suit suit suit pants", "a woman with an umbrella walking in the rain", "a person walking with an umbrella holds out umbrella", "black black umbrella man under black black person an two umbrella umbrella black umbrella umbrella men", "many people and one car are parked near each other", "a person walking while holding a bag while walking", "woman walking down the road on rainy day with umbrella", "the person with an umbrella is walking down the street", "a man walking down the street carrying a umbrella"], ["pair of people skiing on slope outdoors in a snow covered day", "a couple on skis stand next to a cross country ski slope", "a couple of people riding on top of a snowboard", "a cross country skier treking near a woman", "some very pretty people wearing some pretty skis", "two people ski on a field in the mountains", "a woman skiing down a snowy hill while standing on a ski slope", "a person is posing for a picture while holding ski poles", "a man and a woman who are cross country skiing", "a couple of people that are wearing glasses", "a woman rides her skis in the snow", "a woman carrying two skis down a hill", "two people cross country skiing while wearing sunglasses", "a girl on skis on a snowy slope", "two adults skiing next to a camera taking a break", "two people with backpacks and one standing in the snow", "many people who are on the snow looking through a circle", "a beautiful young woman standing on top of a hill while skiing", "a man and woman cross country skiing the mountain", "a woman and a man sitting in the rain with goggles and ski's", "two skiers on snowy trail with poles", "a man riding skis on top of a snow covered slope", "a person that is walking with some poles", "a girl wearing sunglasses on her skis stands on the snow", "a couple of people riding skis across a snowy ski slope", "a young woman on skis smiling for the camera", "two people walking in the snow, walking beside each another in a backpack", "some skiers are posing for a photo together", "two people that are standing in the snow", "the ski cross skier and pair skier ski skier cross skier ski skier ski skier cross", "a woman standing on a field with skis on", "a couple of people on some skis in the snow", "a couple of people riding skis across a snow covered ground", "a woman walking through a cross country course", "two cross country skiers trek the snow", "two people wearing sunglasses on a walk with snow skies", "woman smiling while standing in the snow", "two women hiking in the mountains on skis", "man and woman getting out of skis in mountains", "a pair of people riding skis across a snow covered ground", "a couple of people are standing in their skies", "smiling people in sunglasses holding their ski tools", "two people skiing together on a mountain", "a woman and a man snow skiing in an envelve", "a girl with glasses and black clothes on a ski mountain", "a person standing on top of a hill next to the ocean", "couple skier ski skier on skier skier looking skiing skiing people ski crossed smiling a in", "a woman in a blue snow jacket skiing", "two people cross country skiing on a snowy plain", "the picture of the couple enjoying some time together", "a couple on a trail in the snow", "two people hiking up a mountain with skis on", "a person with some sunglasses looking through a small hole", "the woman has long hair and is in the snow", "two people cross - country skiing in front of a mountain range", "two people riding skis across a snow covered field", "two men snow skiing together in the snow", "couple skiing on slope to help hike", "a young girl is ready to ski in the mountains", "a couple of people with skis on the ground", "a woman standing between her two skis", "a man and a woman on some skis on a snowy surface", "two people with sun glasses, two are smiling while they ski", "the girl is waiting to ski down a snowy slope", "a man and a woman on a trail on a snowy field", "a man and woman pose for a picture on skis", "a girl in white skis and a snowboarding jacket smiles down a hill", "a couple standing in a field of grass with their hands on the ground", "two people standing next to each other with ski poles on", "a couple wearing sunglasses ski in front of a blurer", "a polar girl standing in the snow with skis", "a woman wearing a sun hat and wearing sunglasses on a pair of skis in", "a man and a woman wearing sunglasses while skiers are skiing across the snow", "some people on some skis and one is wearing a jacket", "a couple of people that are wearing skis", "a couple of people with skis standing in the snow", "the blonde woman was dressed in yellow in a yellow uniform", "i can be looking through a circular photo of people in front of some skylights", "a man is standing on the hill overlooking a field while skiing down the slope", "a pair of people with ski poles walking through snow", "woman skiing in sunny coat posing to be photograph", "a woman in skis standing in the snow", "a couple of people walking up a path on skis", "two men holding cross country skis in snow storm", "two men walk down a ski slope on skis and gear", "two skiers are looking at the camera", "snow skiing together on a snowy mountain in a snowy area", "a person riding skis across a snow covered ground", "a woman in sunglasses is on a pair of snow skis", "there is someone standing in the snow wearing skis", "two cross - country skis in the snow in the countryside", "skiers make their way down trail while walking through the country", "a man and a woman walking down a snow filled slope", "a woman and man are cross country skiing during a sunny day", "a person and a man are enjoying the snow", "the image view through a circular hole from skies", "there is a couple of people carrying skis in the snow", "a man and woman are walking together on snow covered mountains", "the young woman is standing on her skis at the top of a slope", "a couple of people that are on snow skis"], ["a group of multi - skis and ski rackets posing on the ground", "skiers lined up with flags to celebrate the opening day", "a large group of people on a ski slope", "people sitting in the snow with a lot of snow on the ground", "a group of people with skiing gear and people on the snow behind them", "a crowd of people that are standing in the snow", "a bunch of people with a lot of skis parked on the ground and people", "many people gathered on a snowy mountain with ski equipment", "people are gathered around in a snowy area", "ski skiers and their equipment and headguards lay on the snow", "a bunch of people are enjoying skiing during the day", "a group of skiers standing together at a ski slope", "a group of people standing on top of a snow covered field", "a bunch of people standing around with lots of skis", "a bunch of skiers are sitting down on the grass", "a large snowy mountain with many different sized skis and poles", "several small skiers in a snow - area with others taking pictures", "a bunch of snow - skiers are standing in the midst of snow", "many skiers sitting together on a mountain slope", "a group of skis on the snow in the middle of many laying next to", "a large group of people sitting around on the ground on christmas day", "a bunch of skis and poles are on the field", "a park filled with lots of skiers laying around on the ground", "a large mountain with snowy peaks, people and many snowboards,", "a skiier wearing many life - colored uniforms wearing safety clothing", "a group of skier's sit in the snow with flags", "a ski school is in the process of skiing on the slopes", "some very big people are standing around by trees", "a bunch of people standing by a sign and holding flags", "people sitting on a snowy slope looking for their skiing lessons", "a number of skis and people standing near one another", "skiers have gathered in large groups on the hill", "a group of people standing around a pile of winter ski equipment", "a bunch of people are riding about getting ready to ski", "many people sitting at the front of a skiing area", "a person standing outside in front of a group of people", "a crowd of people standing in colorful coats", "a group of people with ski gear, standing near a tent", "there is a huge group of people that are gathered together", "many people are standing in a circle to cheer on some skiers", "slope all ski skies ski a ski ski with skier skier full of ski people ski", "a group of people sitting and standing next to each other on a pile of snow", "a lot of skiers and their snow boarders laying on their skis", "a white flag on the top of a snowy hill", "a group of people standing around a crowd at a mountain lodge", "a crowd of people standing around and watching television on a television set", "crowded ski tracks and a person with a helmet", "a group of skiers stand with skis on their back", "skiers stand on some skis in the snow", "a group of people sitting next to each other on skis", "there is many people and their skis sitting on the ground", "a small pile of skis are all in the snow", "adult and children enjoying the snow in the mountains", "a few ski tracks laying on top of a snow covered ground", "a group of people standing in the snow", "lots of people that are on skis and are standing", "a number of people in various skis on the ground", "a group of people that are riding skis in the snow", "there is a bunch of snow skiers riding together", "a lot of skiers sitting in the snow by themselves", "a bunch of pairs of skis are lined up and scattered around the ski slope", "a group of winter sports equipment laid all out in the middle of a snowy field", "a group of athletes standing in a circle on their skies", "many people lined up on the grass near the mountain", "several skiers out in the snow with many skiboards on the snow", "a group of people standing on top of a snow covered ground", "many people gather around in the snow to eat", "a bunch of people that are standing around and in the dirt", "a lot of skis laying in the middle of a field", "people walking through a small crowd of skiers next to a mountain", "a snow covered ski slope with dozens of skiers out in the snow", "a number of skis and snowboards on top of a snowy hill", "several skiers and a group of people stand in the snow outside", "many people are standing near mountains and there are some snow", "man stands next to a pole in the middle of a ski competition", "a group of people standing by their skis while looking at the camera", "a bunch of snowboarders are sitting next to some people", "small group of people standing in field with poles in the foreground", "a view of people watching a snowboarder while standing on a ski slope", "people are posing for a picture at a ski event", "a group of people are seated on a cold snow", "all of the snow skiers are lined up in a snowy mountain", "a number of snow skiers are lined up in a snowy", "a group of people on a ski slope all covered with skis", "a group of skiers sit outside their homes", "some people are sitting and standing outside and in the snow", "many vehicles are parked on the slope", "a crowd of skiing gear and men in orange vests on a snow", "a group of people standing next to each other", "a group of people that are sitting and standing", "group on a sunny day with a lot of people sitting outside and skiing", "many people near one another standing in the center of the snow field", "a group of people sitting around outside with many skis", "the group of men are standing on the snow with snow skis", "a bunch of snow skis that are in the snow", "a group of skiers siting at the bottom of a pile of poles", "a bunch of people who are standing around with their skis", "a ski resort showing snow - skiers on the snowy slopes", "many skiers and snowboarders resting on the ground", "people in the snow and many are all gathered"], ["a person sleeping on the ground and a person sleeping on the sidewalk", "the homeless is laying out next to a homeless", "man and woman lying at sidewalk with homeless person covered up", "sleeping sleeping sleeping man lying sleeping sleeping sleeping", "a person is sleeping with his feet stretched out", "a young person laying on the ground and some sleeping on the floor", "person laying on the ground by dead person sleeping", "a person sleeping on the street on his stomach", "sleeping sleep sleeping sleeping sleeping passed asleep sleep sleeping lying sleeping sleeping sleeping sleeping sleeper homeless", "a man is sleeping on a street with a sleeping man asleep on the ground by", "person sleeping on the street on the sidewalk and a person passed out", "a homeless man is fallen out on a sidewalk", "a man laying down while a man laying on the floor sleeping, laying on the", "sleeping lying laying sleeping sleeping mattress sleeping sleeping lazy lying a lying sleeping sleeper sleeping sleeping", "a person sleeping on the sidewalk and sleeping on the pavement", "on street while homeless mattress man sleeping by fire hydrant", "lies sleeping sleeping sleeping sleeping sleeping nap sleeping sleeping sleeping passed sleeping purple sleeping sleeping sleeping", "a man laying outdoors on the street with his mattress while a homeless person", "a sleeping on the sidewalk with a person laying on the ground", "sleeping sleeping sleeping laying laying sleeping passed lays sleeping tired laying sleeping laying a sleeping sleeping", "a person that has fallen asleep on a ground", "sleep asleep nap sleeping, homeless sleeping sleeping, sleeping sleeping sleeping who homeless sleeping sleep", "man sleeping in the sun and a person sleeping in the darkness", "a person lays on the street in front of him with a man passed out sleeping", "woman sleepes laying on the street in a city", "a man sleeping and a sleeping sleeping man sleeping on the street", "has sleeping nap homeless lying laying homeless homeless homeless homeless resting", "sleeping sleeping sleeping a sleeping asleep with sleeping sleeping sleeping sleeping sleeping sleeping sleeping sleeping tired", "a woman sleeping on a sidewalk while a man sleeps", "person laying down on the ground on concrete near fire hydrant", "with sleeping sleeping on and and to sleeping laying lying a sleeping tired laying lay sleeping", "a man sleeping sleeping next to a sleeping woman on the street", "man laying on the street with man resting on the street sleeping", "a man laying in a parking lot with someone sleeping on the street", "sleeping sleeping laying the sleeping sleeping sleeping sleeping passed laying sleeping sleeping lay sleeping sleeping sleeping", "street sleeping sleeping homeless homeless is sleeping nap sleeping asleep sleeper homeless sleeping homeless sleeping sleeping", "a person laying on the ground while a person sleeping on the ground", "a girl is sleeping on the side of a road and a person is being dragged", "person lying on the street next to gas hydrant with a sleeping man sleeping on", "a person laying on the ground while a man sleeps down", "a sleeping person rests with his friends on the side of the street", "sleeping sleeping sleeping sleeping sleeping while laying a lying sleeping a sleeping nap laying sleeping homeless", "a homeless man sleeping on the sidewalk on the street while sleeping on the street", "a sidewalk rest on the sidewalk while sleeping in a sleeping park", "a guy falls asleep on the ground", "a man laying on the sidewalk while he sleeps on the sidewalk", "asleep person and person relaxing on a rock", "man sleeps on a stomach throw down", "a man sleeping on ground with a man laying in the background", "a sleeping out on the bed with a very nice lying", "a person with blue conversee prints laying on ground on the sidewalk next to fire", "man sleeping on a street in park with one person sleeping and sleeping on the sidewalk", "a man lying on a couch next to a fire hydrant while he lies down", "sleeping sleeping sleeping sleeping sleeping laying sleeping sleeps sleeping sleeping resting who lays asleep is laying", "a guy rests his head down as he sleeps in sleeping", "person in purple shirt and jeans, sleeping while man sleeping outdoors for resting person a", "sleeping sleeping lying homeless lies sleeping homeless asleep with asleep lying laid homeless laying sleeping sleeping", "a sleeping down and another sleeping on the street", "a person laying on the ground under a fire hydrant", "a asleep sleeping on the street outside by a homeless person", "with rest laying laying lying sleeping blanket homeless lying sleep laying laying a that passed laying", "man sleeping on the street and male asleep on the ground", "a person laying on the ground on stomach on the ground", "a man is laying down on the street", "a woman lays asleep on a mattress while a man sleeps next to a firepost", "a woman lays on the ground in a field near a homeless mattress", "a person whoched with a sleeping sleeping on a street", "a man is sleeping while a sleeping and the man is sleeping", "a person laying on the sidewalk at a persons laying down a person in violet shirt", "man wearing head phones lying down sleeping in the sun at rest", "man lying on the sidewalk sleeping sidewalk and man sleeping outdoors laying on ground sleeping person", "person laying against others on his stomach on a man lying on the street in the", "an person sleeping on a sidewalk, while a guy sleeps in the middle of the", "a man sleeping sleeping on the ground sleeping with his eyes closed, and a man", "a person on the side of a street while a sleeping man sleeps while sleeping on", "a homeless person sleeping and sleeping on the street with homeless theme", "a man laying down and sleeping on the street, a man sleepesing and", "a person in a purple shirt sleeps down, sleeping on the street", "laying sleeping asleep laying mattress sleeping lying sleeping sleepy sleeping sleeping sleep on lays lazy laying", "a man lying in the street on the sidewalk next to an homeless", "sleeper sleeping a asleep sleeping lying sleeping lying sleeping sleeping dead the sleeping sleeping passed lying", "a man resting out on the sidewalk by a fire hydrant while a person is", "laying sleeping sleeping to sleeping homeless laying sleeping lay asleep he sleeping man homeless sleeping the", "a woman sleeps on the side of the road after a street homeless", "a woman sleeping while a man takes asleep, on the ground", "a woman and homeless teenager have sleeping while a homeless asleep", "a man laying, sleeping, and wrapped up on the ground in the background,", "a woman is laying down on the sidewalk near a homeless person", "a sleeping man lying on the street in the city", "someone asleep on a street and a man laying down sleeping on a sidewalk", "the man is laying outside on the street sleeping", "a couple of people with a person sleeping on the ground", "the laying out while a man sleeping and lying on side of street at", "a man laying on the pavement while his sleeping", "a person lays on the side of the side of a street", "a person is sleeping on another ground by a man sleeping on the street", "a person laying on the street on the ground in the dirt", "sleep sleeping lays laying sleeping sleeping asleep laying dead sleeping sleeping homeless nap laying curled sleeping", "a man sleeping under his pillow while laying on the sleeping ground", "a man fell over on his bed and a person laying on the ground"]]}, {"question_id": 1494078, "question": "Is it true that there are more images with a building that is behind a car than images with person that is behind car?", "answer": "no", "captions": [["the young man is smiling for the camera while skies down", "a kid on skiis on a slope and a crowd behind", "an asian male in blue skiing down a hill on a ski slope", "skier standing skier skier in ski ski the is skiing skier skiing a there the a", "a kid with a blue helmet skies up and other young skiers", "smiling ski ski ski skier skiing ski ski ski skiing skiing a child ski kid skiing", "a young child skiing through the snowy outside of a building", "a little boy is posing in front of a city", "a man is making a straight walk on the ski slopes", "smiling ski kid ski ski skiing smiles smiling ski skiing smiling smiling skiing a snow ski", "there is a boy that is on skis in the picture", "a teenage person on skis in deep forest area with mountains", "a child is smiling on the ski path and people are walking in the background", "a little boy that is standing near a building", "a child on the ski course, out side a shopping building", "a young girl on her skis is going down a slope", "a photo of a child learning how to ski and smiling", "little boy wearing skis skiing over a lot of people", "there is a cross country skier in the snow outside", "a young boy on the ski lift smiling for the camera", "a boy is smiling on a ski run", "a man that is smiling, wearing skiing skis in the past", "a lady and several people standing at a mass of adults", "a young boy standing while on skies at the slopes", "a person is getting ready to start a walk", "smiling toddler on skis snow in front of an outdoor hotel building", "there is a child who is snow boarding down a snowy hill", "child skiing on a snowy plain wearing no pants", "a young girl skiing down a slope next to a group of people", "a happy young skir smiles in front of a ski lodge", "a child dressed in black smiling and cross country ski gear", "a young child who is skiing down a slope", "a male child that is skiing on hill with a camera behind him", "a boy with a helmet leaning sideways with skis as he smiles", "a person on the snow with a lot of snow on the ground", "young young skier skiing down the slope of snow covered slope", "a young person on skis in a snow park", "a young boy is skiing down a snowy mountain", "children skier skier skier skier ski snow in people snow shadow a skier ski ski shadow", "a person is riding skis down the path", "young boy standing in the snow smiling with gloves on", "a child on skis is snowboarding in a park", "a male in a skier posing for the camera", "a boy is smiling, the picture was taken outside", "a boy in green jacket skiing across a street", "a boy riding on skies on a hill", "a boy on his skiis that is in the snow under a building", "a young girl skis past a crowd of people on a city slope", "a child standing in the middle of snow", "a man smiles for the camera on the ski slopes", "kid laughing while holding pair of ski poles on a snow covered hillside", "small kid wearing a helmet and having a blue helmet on", "a man rides their ski boards down a slope on some skis", "a smiling boy in yellow is skiing in a cross country slope", "a smiling girl is skiing down a mountain", "a person smiles as a woman turns to pose for the camera", "a child is on skies during a skiing competition", "a young individual snow skiing down a ski slope", "a child wearing skis that is skiing very nicely", "a little boy that has his helmet on and smiling", "the young boy is skier smiling while posing for the camera", "a kid smiling on skis while people are near a building", "skiing skiing young skiing on smiles skier skiing, skiing - skier going lessons skier the", "people are out on a ski slope to take their skis", "kid boy skating in snow todd children skiing cross ski - a skier skiing at slalom", "there are people skiier in the snow with one standing on the snow", "people all are skiing down a slope and smiling", "a little girl that is standing in the snow", "the child is standing on snow with one foot down", "a kid standing cross country in skiing clothes", "a child stands in the snow as people are out near the ski and run", "a child wearing a helmet and a helmet skiing while friends ride ski lift in snowy", "a young boy is snow skiing at the slopes", "a photo of a young boy on the slopes of a ski lift", "a person on skis that is leaning over", "a young child wearing skis poses for a camera", "a boy standing in the middle of an open building field on skis", "an image of kids are preparing to skiing", "a boy posing for the camera on skis while people in the background watch", "a small child on the snow skiing, in front of a snowy building", "a person in ski wear skiing down a snowy slope", "the little boy is smiling and smiling wearing", "skiing snow skier ski skiing smiling ski ski skiing alpine skiing smiling skier ski ski skiing", "a child is wearing a green shirt and green glasses", "a boy in green riding on skis at the end of a ski lift", "a man on skis smiling and standing behind one", "a little boy wearing green is skiing on a snowy ground", "snow a kids team soccer olympics in competition in ski skier a people olympics skiing skier", "a boy smiles in the snow in a blue helmet", "the young person is standing outside wearing ski clothes", "a young skier standing on a mountain in front of a building", "a small boy skiing across a white snow lot", "a person that is on skis with some kind of helmet on", "a small boy smiling at the camera on the slopes", "a boy posing for a photo in front of a large building", "a smiling boy with a green and blue helmet is smiling", "a little girl wearing a helmet with skiing gear and helmet", "a young boy is learning to ski on a slope", "a boy and girl doing something with their hands", "a young boy on skies standing in the middle of the field"], ["man taking a photo of someone riding a skateboard", "a skateboarder and a skateboarder watch a teenager on a ramp", "some people standing in a parking lot and some people watching", "a man riding a skateboard on top of a skateboard", "a people while mobile view phones phone take cell up coffee cell outside holds take phone", "a person taking a picture of a parked old truck", "a person in a parking lot taking a picture", "a skateboarder is being photographed by others in a forest", "the the camera taking cell taking phone as and driving in phone and go on coffee", "a parked car is holding a camera next to parked cars", "a green pick up truck with two tires with a big exhaust pipe", "a man and a woman taking a picture of a car with people in the background", "drink coffee sitting holding iphone a that a driving driver driving driver a a a driving", "a man takes a selfie while wearing a cellphone by a green pickup truck", "a person taking a picture of a truck at a camera", "a man on a skateboard skateboarding in a parking lot", "a truck parked next to people waiting in front of parked cars", "a man is taking a photo of a car", "a green pick up truck with a skate board next to it", "someone takes a picture of a man riding a skateboard", "a skate boarder skateboarding with a skate board on a skateboarder '", "the truck is green but it is an old truck", "trucks pickup truck truck pick truck parked an old pick green green chevy truck truck old", "a young woman takes a photo of another young man in a parking lot while holding", "a hand held up to a man taking a picture next to a skateboard", "a vehicle parked next to a bunch of people at a festival", "a skateboarder is riding in all of a skate skateboarding event", "people in a car with a camera phone", "a green skateboarder in a green uniform has a board on a skateboard", "a man taking pictures of a green pick up car in the parking lot", "a girl in a tight top is skate boarding", "a man holding a remote control takes a picture", "a woman in a maroon dress sits in a gray car on the street next to", "person holding up the camera that holds up a cellphone", "some big people are standing around in the street", "a man stands in front of his car by a cell phone", "passengers taking pictures of ford truck at event", "there is a truck driving down the road", "several people taking pictures while sitting next to a truck", "skate skate skate skate skate skate skate skate holding skate skate skate skate skate skate skate", "a skateboarder is riding his skateboard in front of a crowd and people", "a green truck parked next to a skate board", "a man taking a picture of a green car", "a person standing on a skateboard on a street", "there is a person holding a cell phone up and taking a picture while holding a", "a man holding a cup in front of him with a coffee cup phone", "a group of people standing around a green pick up truck", "a green truck being displayed for a car show", "a group of people taking a picture of a green truck while drinking beer", "there is a photograph holding a cell phone while sitting on a skateboard", "a woman riding a skate board under a bright blue sky", "a hipster takes a picture of a skateboarder getting his skate board in", "a glass of milk, one piece cut in two, is held up while another", "a phone with a bottle that is sitting in a parking lot", "a man riding a skateboard over a skateboard in a parking lot", "i think it just takes the picture of the car being used as a taxi", "a green truck is parked on a skateboard ramp", "people taking photos in front of a car at a parking lot", "the crowd behind the woman takes a photo of the car", "classic pickup a pickup truck truck truck green this green pickup truck a car car green", "a person is taking their picture with a skateboard behind them", "the skateboarder is taking a picture of the hipster doing a skateboard", "a white man with a white camera is taking a photo", "an older skateboarder is about to change his skateboard skills", "a green truck that has a number plate on it", "a man taking a picture of a young girl with a camera phone and drink", "green green green truck pickup green in the parked front vintage truck truck - - old", "a green pickup truck in a parking lot of a park with a skateboard on", "person taking a photo of skateboarder showing skate board in a parking", "a man holding a cell phone taking a photo of a car", "a male hands holding a cellphone, while standing near a group of people,", "a skate boarder at the start of his jump with the board", "a person drinking and taking a picture in a green truck", "a young woman holding up a drink while he skateboards", "some people are sitting in a car at the wheel", "people standing outside drinking coffee while a skate boarders are on a phone", "a green car surrounded by a crowd holding a picture camera", "a skateboarder taking a photo of a guy on a skateboard", "a man takes a picture of a person in a car with a phone in hand", "a green truck being photographed by two people holding their cell phones", "cameras skate self skate skate skate phone skate taking taking taking being a skate skate hitch", "a green truck is riding a long skateboard", "a pick up truck with people taking pictures with cell phones", "a young man sits near the skateboard next to a skateboarder", "the man is taking a picture of his truck and a man taking his phone", "a man takes a picture in a picture in an empty parking lot", "a blue car parked in a parking lot", "a skateboarder doing a trick on a small skateboard while skateboarding near", "a coffee cup being held up in a car", "a person takes a photo of the back of a truck", "the man does a trick on a skate board", "a man taking a picture of a skateboarder in his car", "someone takes a picture of this green beverage with a cup in hand", "a person standing by a green truck with a skateboard and a camera taking a", "a skateboarder rides on the road, parked next to a bus", "a person who is carrying a cell phone and a skateboard as he walks across", "a man sitting inside of a car talking to another person", "a person holding a beer glass and a cellphone up", "green lowered green green a a a a this green green green green a a a", "a crowd watches another car be driven as a woman takes a picture with a phone"], ["three new ve ve machine and phone machine in a public park", "a parking meter sitting on a street in a city", "a parking sign posted at a parking street level", "a blue car parked to a street with cars parked in a lot", "a public parking parking system in a public park,", "a parking sign in the road near parked cars", "a car and a car both parked and two cars parked", "cars are parked alongside the city streets", "a pay machine is attached to a street pole", "a city street has traffic signs at a small crosswalk", "a car is parked next to a machine - payment machine", "a parking meter near an intersection with parking meters on the side of the street", "a couple of cars parked off the opposite side of the street", "this parking sign on the street way across the parking meter mark", "an outdoor parking meter in a park area", "cars are parked near the parking meter in front of there sign", "a silver sign on a stone block in concrete on a sidewalk", "a photo of a car driving on a street", "a blue car parked in front of a city park area", "coin parking ticket machines parking standing phone parking newspaper atm parking parking po newspaper parking coin", "a blue bus ticket machine is shown next to a pay machine", "a ki machines is an important and useful device in a public place", "a person parking sign on the side side of a tower", "a white parking meter is mounted between the curb", "a street with a sign on it that is in parking lot", "a blue parking meter is in the parking area", "a woman taking the camera point of a street and blurreded photo of it", "cars are parked in a corner outside of a parking lot", "a blue car parked and blue blue cars driving", "street park intersection city green drive this parking several green street parking city parking park street", "a photo of an old payphone and other parking meters", "there cars driving down the city street", "a parking sign in a city park on a pole", "a parking notice at the corner of the intersection of two streets", "a parked car sitting on top of a parking plaza", "a blue mercedes parked in front of a building", "cars car traffic cars traffic parked cars cars cars cars car cars vehicles cars parking cars", "parking parking parking city parking parking curb parking money parking parking parking parking parking parking parking", "post kivot in empty street waiting to machine", "a blue car parked in a roundabout street", "parking machines sitting at the curb of a parking lot", "parking parking parking parking parking parking ticket parking parking parking parking city park parking city ki", "a car parked outside near a parking lot in a big city", "the two cars are parked nearby to the meter", "parking pay parking parking parking money parking bank parking parking parking ki parking parking automatic parking", "parking park street walking parking parking parking street park walk pass there with park parking park", "a landscape view in small blurry deckside", "an orange atm machine sitting on the curb next to a parking meter", "a car driving around a small town where cars drive", "cars parked outside a car park car park", "a road in the middle corner of traffic road", "this is a street sign on a street with signs showing directions", "a parking meter showing how different the vehicles are parking", "a cars driving near a parked car in a green area", "this photo is of an intersection which where cars can go by", "car parking at the corner of an intersection with a car drive", "street city a a a a street road street street street street road traffic intersection road", "trees and a road sign in an intersection with the times to go", "cars parked near a city lamp with street signs", "parked cars in the city and parked cars out in the street", "a parking meter that has it's time for a city car", "an intersection that has a lot of power station station on top of a street pole", "parking parking street green signs parking parking parking parking parking bus parking parking parking parking parking", "car park sign at a bus stop in a city", "a traffic stop at a parking signal across the street", "a coin machine is near a parking meter in a park", "a street post next to a pole underneath a street light", "a close up of a street light on a sidewalk", "a car parked at a street corner in front of a city building and other cars", "a public self ticket machine in in parking", "cars driving at a street intersection on an urban plain", "a modern street light post on a street", "several parking meters are in a parking lot", "a pay phone in a park, sitting alone", "a parking sign that is on a green sign", "a blue car parked in front of the parking sign", "photo parking parking a parking roadside park sidewalk a park telephone it parked street phone street", "a street sign on a green street sign at a parking lot", "parking pay self coin cash parking parked parking pay parking coin parking machine pay coin atm", "a picture of a blue car is parked next to a blue car", "a road sign is at crosswalk of a road", "a parking pay machine is on top of the table a pay machine is on top", "a parking for a parking machine attached to a parking meter", "a parking kib box that automated and at the front of the parking meter", "an information kio sign stands next to a car", "a camera lens lensing the road showing a street", "a two cars are parked at a stop light", "a sidewalk light on side of a grass field", "a car parking sign, next to the golf field", "the parking signs park sign at a parking crossing street", "cars are parked on a street, the vehicle and the car is parked on the", "cars parked on a street in front of a parking meter", "two parking street signs at a stop sign", "a bus park with cars parked on the side of the road and trees in the", "a car of parking lot with cars on the side of a road", "parking intersection cars car blue driving street blue parked photo blue blue blue blue blue blue", "an orange and a blue and white cars sitting in front of a building", "street parking a one the parking parking parking a drive a parking parking city parking parking", "green grass in grass area is at the park park", "a car at a stop sign and a car driving"], ["the people are standing with cold drinks in a wine line", "a man is standing in front of a table with many bottles of water", "the people are shopping for the food in the big city", "a crowd of people is gathering and waiting for a food stand", "a table filled with bottles of wine next to a bin", "an open table with bottled water behind people", "people in a street in a town with trees", "a man is pouring a beverage from a can into a bin", "a crowd is waiting to purchase refl at a store", "young people are huddled outside during a sunny day", "a lot of bottle and water are being sold", "many people standing around a table with items", "a row of people standing around at an event", "a crowd of children holding hands on a dirt and slushd area", "a group of people outside and people looking at the food", "a girl talking to a guy in a white shirt", "a man looking at a men's product on display on street", "a group of people gathered to check the water", "a couple of people near a table of food and some produce", "a table a long table has tables with food on it", "a man standing around drinking some drinking water", "three people walking in front of a bin near the ard's ard", "a group of people preparing to load and collect items", "a man is loading bottles onto a truck trailer", "there is a large lot of bottles and things", "a man holding a box of food in front of a bin", "a man standing in front of a table full of bottled beer", "two people loading up a tray of bottled water", "a number of people standing around with bottled water", "many men are gathered at a table taking a break", "a man walking in a street next to a trash can", "a group of people and people stand facing a crowd of people behind them", "a photo using aehr ard from the aro and ard photo", "a group of people stand around on the pavement, with garbage cans around them", "group of people standing around a table holding boxes of plastic", "an arid are water in a bottle botting cart", "a bunch of people with boxes near other people on a red canopy tables", "a few people standing around and talking", "group of people walking into a carnival fair", "rec trash re people a a homeless table table a emergency in in, food the", "ar the people people some a abc ad ar ar ar avid ar ar aid are", "the people are gathered together and watching the red", "people are gathered down and waiting outside", "a man is standing near a trash can with a laptop on it", "a long table with a box of food on it", "a group of people gathered outside in a crowd", "the people are gathered outside looking at something", "a photo of a red and person a trash can and a man with a cart", "a man is making his way past another man in a parking lot", "people and a wheel for a group is seen", "a group of people standing around an empty table", "a number of people standing near a trashcan", "a group of people at a food market in the uk", "a man that is standing in front of a building", "a big crowd of people standing in a park", "a lot of people standing around full of table's and green bins", "a woman is pouring water into a box for another person", "a group of people standing around a trash can filled with arrd cans", "an ard 8 store selling bottles to a crowd", "there are a group of at a a event stand shopping", "some people are standing around the table with the bottled bottles", "a crowd is standing and looking around a table table at an outdoor picnic", "a crowd of people walking in a parking lot with boxes of bottled water", "a group of people are gathered around a parking lot", "a road sign near some green trees with some buildings in the background", "a lot of people standing around lots of bottled water", "a group of people looking at a display", "a group of people loading water from a green garbage bin", "a picture of outside in the afternoon light", "a crowd of people walking on the sidewalk in the city", "a table covered with items with a long table", "a man standing next to a green trash can", "a group of friends are outside and a group of people all are", "a group of people are standing around a waste bin", "a big group of people that are standing out side", "the group of people are looking at a garbage paper bin", "a group of people who are shopping some bottled water", "a couple of men talking while standing with people", "three water bottles on a table in the middle of a parking lot", "group of at a a at people outside waiting outside the in on next walking red", "a man standing outside looking at some people", "a person standing next to a garbage can filled with water", "two young people talking about potatoes on a roadside corner with people", "a man standing by a green garbage can", "the back of boxes of bottled water being taken into a cart", "a picnic table with a sign for food", "some people standing behind a white truck", "people gathered in the street with a ard employee standing", "people getting bottled water before the gathering", "people on a people people in a a a some people gathered people plastic water beer", "two men are walking and shopping at a arts market", "a group of people line a table with food", "people are buying food and other junkbins", "a bunch of people are standing outside and eating pizza", "a person stands at the front of the street to collect the items in a bin", "a man holding several bottles of water on a paved lot", "a group of people standing at a street", "people in a green field a a couple of trees and trees", "a bunch of people near a car with lots of water", "a group of people standing in front of a table filled with chairs"], ["an overhead shot of the city with skyscraper in the background", "a small white bus travels down a city street", "a picture of the green bus is going on the street", "a big truck passing a colorful vehicle in a busy street", "a bus on the highway in the city", "there bus a two a a a view in cars a bus green traffic a the", "vehicles traffic a a there traffic a a a one a a there a a a", "a two double two double a a a double bus bus brightly bus double a double", "a colorful bus stops at an intersection while other vehicles pass by", "a, a chinese bus public bus in hong double a asian buses bus a buses", "a view down a busy street of traffic", "this is shot of a traffic busy street with multi colors", "a big double decker bus crossing a busy intersection", "a the a two double double a two a on city cars double a double multi", "a double deck tour bus drives down the street", "a double decker bus is making its way down a road", "there a it the a a buses double stop front the the bus red a a", "a city bus looks like a bus with a yellow light", "a a a a a traffic this busy a a a a the a a the", "an advertent bus with bus and truck in korean", "a double - decker bus makes its way through the busy city streets", "a a transportation delivery brightly green buses a a an a a the double traffic a", "the traffic jam is in all directions at this time of day", "a bus driving past a city street with traffic", "a double decker bus drives down a busy street", "a street filled with lots of traffic on the street", "a tour bus drives down the road between buildings", "a double deckered bus driving down a street", "a large green truck driving through a traffic circle", "a colored city side double commuter two bus double truck double on large large transportation a", "the cars are parked down the street in the city", "there is a bus is driving down the road", "painted street tour big bus a the a vehicle to a the asian bus a a", "city life from an office building looking at the street and car traffic", "a bright street as a green and white truck with a colorful painted truck", "a large double decker double decker parked along a side of traffic", "brightly colored two level commuter bus moving in the direction of another", "a bus on the street riding down the street", "a pink brightly an brightly brightly colored colorful a multi double traffic bus buses rainbow neon", "cars are backed on the street near traffic on the street", "a single double decker bus traveling through an asian asian foreign", "a double decker bus parked on a side walk", "brightly there traffic view a an a it traffic a a a a a a there", "two two double decker buses riding in traffic", "a bus parked on a street on a sunny day", "a car stoplight has a colorful fashion design on it", "a green big bus is travelling on a highway", "a large semi truck and a small truck and cars", "a public mass korea bus city bus three bus double bus seoul riding public bus bus", "the double - decker buses moving down the highway near cars in traffic", "a to multi parked bus vehicle colorful one a two a a a three the bus", "a large truck is parked next to a parked semi and a truck", "a rainbow bright bus in a english advertisement driving along the street", "traffic in an asian language near an intersection", "graffiti traffic transportation cars vehicle bus vehicles driver a traffic traffic cars a car transportation large", "a street stop light that is at a traffic intersection", "a large city bus with two lanes in a large city", "a a double a doubled twin one bus the double on double bus bus bus this", "bright colorful bus stop sign on urban street", "a colorful picture of a truck some grass trucks and buildings", "a double decker bus drives down the street", "the bus is driving and has a colorful, design", "there are many buses that are all driving on the road", "a large large colored van on the side of the road", "a small green truck driving down a busy city street", "four people in a street crossing a corner", "a photo of a car parked near some traffic", "a double decker bus with lots of color sits in a city", "a public transit bus driving down a busy street", "a three double decker picture - a city bus tour down the road", "double colored bus stop signal on crosswalk with green street in city", "a car that is covered with a different design is driving down a london road", "a colorful advertisement bus is moving on the street", "a colorful the city colored bus painted buses buses this colorful a a there the street", "two buses stop at a red traffic light in a city", "a multicolored multicolored bus driving on the street", "a tour bus is going down the road", "multi bus a bright multi multi a transportation transport tour bus bus big parked parked a", "traffic in a city corner and the truck is a pink and green color scheme", "brightly an a a yellow a this bright brightly white people advertisement brightly a a a", "a double deck bus is traveling through town city", "a brightly painted double deck bus in korean characters", "a large number of trucks driving on the road", "a truck that has a truck on the front of it", "the photo takes a picture of a bus parked in a parking lot", "a double deck tour bus riding down the road", "the top double - decked bus is driving to stops", "a tourist bus going around a lot of seoul, in bus hong", "a huge traffic car in hong driving down a street", "a white double decker bus making its right turn at an intersection", "double double a a yellow a a a a the double double two the two very", "a busy city street full of buses and trucks", "modern buses yellow bus a on colorful the traffic two passenger a street transit street double", "colorful painted concrete wall with no fence and some cars", "a multicolored buses and a truck on street", "a bright painted double decker bus, sitting on street", "a woman waits in the street behind a parked car", "double decker bus thats parked at an empty spot", "a double decker bus on the street next to a red building", "a single double decker bus drives down the street next to a truck"]]}, {"question_id": 6254645, "question": "How many images contain exactly 2 pink shoes?", "answer": "2", "captions": [["a laughing woman attempting to grab the string of a kite", "a little girl wearing a pink top and a pink turban plays with a", "a child flies a kite along the side of a brick building", "small child wearing pink boots holding a stuffed animal that is lying on a stuffed animal", "a little girl in the grass flying her kite", "a girl playing and wearing pink pants on grass", "a little girl standing next to some balls", "a toddler doll attached to a doll stuffed animal", "a child and a person in pink clothing, playing with a kid", "a woman in bright pink and pink pants and pink shoes", "a girl standing in the grass preparing to fly a kite", "someone flying a large colorful kite in the air", "a little girl is reaching up with an bear, stuffed animal, yellow teddy bear", "girl her a the child that a she with a a kid flying a this to", "a girl with a stuffed teddy bear and a kite", "a girl is holding a yellow teddy bear", "young girl in pink pants holding two small stuffed animals", "a toddle standing on the grass, holding a kite", "woman wearing pink, fuchshiacs and pink pink jeans", "little kid girl girl girl a a little she a a an girl a kite a", "a lady playing in a grassy park by the doll and toy", "a little girl is looking at the camera", "girl with a kite in pink pants on a lush green field", "a woman in pink pants is standing in a grassy field", "the young girl wearing pink pants and pink shirt while flying a little colorful kite", "a girl with a balloon - toss and a rainbow ball in the hand", "a girl in pink wearing pink pants and a red wig with her pink top", "a girl lifting her hands up to the sky", "a kid up in the air with a kite", "a little girl holding up a colorful kite for the sky", "a girl with a doll standing next to a stuffed doll", "a girl reaching up, reaching for a kite", "a child up in the air, holding ball", "a female in bright pink pants, a big bare belly in pink and pink shirt", "a little girl holding a small doll in her hands", "a girl holds onto a multicolor kite with her kite string", "a young child holding a multi colored kite in a field", "a small girl is playing in a pasture", "a person on a pink outfit, plays with a stuffed bear in her lap", "a young girl wearing pink pants and pink hat", "a small girl with stuffed teddy bears holding a doll holding a doll and a yellow", "a little girl wearing a white top is reaching up up with her hands", "the pink pink pants are pink pink trousers, and pink pants are hot pink in", "small girl raises to catch a skykapeh with a toy stuffed bear and", "a small girl, dressed pink, playing with a doll", "a woman is holding a stuffed animal up in the air", "a boy and a girl are both flying a large kite", "a girl wearing pink clothing holding toys against a teddy bear", "a little girl is wearing leg pink heels while flying a colorful kite", "a little girl is wearing pink pants and a pink scarf", "a girl in pink and a shirt holding up a kite", "a little girl looks cute in bright pink at time", "woman in pink pants and pink pants, playing with a stuffed toy, holding a", "a young woman holding a doll in a young yard", "a young girl with headphones flying a kite", "there is a kid wearing bright pink pants and pink boots, playing with a ball", "a small girl standing in front of a white background and holding a kite with something", "a young girl flying a frisbee while standing on the grass", "a child in pink and a rainbow wig is in the grass", "she seems to have fun catching the kite, but no one loved how little", "a little girl and a doll are wearing pink hats and pink well made in pink", "a girl wearing water shoes and pink clothes and holding a silk rainbow stripe ribbon", "a small young girl wearing pink clothes, wearing pink shoes, playing and looking up", "a woman holding a child as holding a doll", "a small girl in hot pink pants and pink hat and pink sandals wearing bright bright", "a girl in pink and pink in color wearing bright pants and pink, holding a", "a woman in pink pink pants pink high leg pink colored pants and pink pants", "a little girl is flying a kite with a rainbow - shaped tail", "a person that is holding a kite in the air", "a girl in pink pants and pink shoes standing on a grassy area and a rainbow", "a child wearing pink pants and a rain jacket", "a small girl in a bright pink outfit reaching up to her skies", "a woman reaching up with her hands", "a young girl walking in the rain pink pants and pink boots", "an adorable young girl in pink pants playing with a toy doll", "a child walking in a park in bright pink jeans, with pink shoes, has", "a young girl standing in a grassy field with a kitstams, teddybe", "there is a girl making a highball on her pink high pants", "a the a a there colored a she children pink pink girl pink in a kite", "a girl smiles as holding stuffed stuffed animal and yellow balls", "two little girls are flying a kite in the field", "a young girl is jumping for joy she is dressed up", "a small child with pink shoes and pink pants holding a bat", "a little girl in fuchs wearing pink pants and sandals flying a striped kite", "a girl standing up with a multi - colored hat and a kite in the air", "young girl wearing pink pants is skipping - rope skipping string", "a girl playing with a small stuffed animal and a teddy bear", "a girl and a doll on the first day of school", "a kid stretching with her legs up", "a woman wearing pink pants and pink shoes", "a girl in pink harers and bright pink pants plays toy", "a young woman wearing bright pink pants", "a picture of a big girl with bright pink pants", "a woman with pink legwarms, and pink boots on, looks in a", "a young girl standing on top of a green field", "a child flying a colorful kite in bright purple and pink", "a girl in the park has a stuffed bear and toy in front of his pink", "a young girl in the rain wearing bright pink, fuk pants and a pink", "a woman holding a stuffed bear up in the air", "a young girl standing under a blue kite flying"], ["a small child sitting in a red wagon sitting in a child's hand", "a baby with diaper and stuffed animal in front of a white door", "a baby playing on a scooter in front of a door", "a young toddler that has the wheel on it's back", "small brunette boy riding in a red radio wagon with red lettering ride's red", "a baby posing for a picture on a wagon", "a baby toddler sitting on, looking up", "a baby sits on the floor in a messy diaper", "a small little boy playing on a little exercise toy machine", "a small child riding a red fire wagon with a stuffed animal", "a wood floor with a door and a white door", "a toddler is crouched against his wall", "a toddler crouching down while leaning over", "a young child is looking on to the camera", "a child riding a scooter in a small room", "a pretty little child sitting on the floor next to a rug", "the small baby and a teddy bear and a teddy bear", "a small child that is sitting in a wagon", "a child rides on a little red scooter on wood floor", "a small kid squatting down on a rolling surface", "a little baby is sitting on a little vehicle", "a little girl sitting on top of a scooter in front of a door", "a young child riding a scooter like ride on the side of the floor", "a little red toy fire truck with a child riding it", "a young baby wearing diapers while playing with toys", "a baby in a small toy", "a little red wagon holding a teddy bear is parked beside a white door", "a smiling baby is pulling a teddy bear", "a baby is wearing short pants and and yellow canary top", "a baby smiles as she sits in a scooter next to a teddy bear", "a child is riding a scooter in a living room", "an infant in a diaper and holding a stuffed bear", "a child crouches next to a white door", "a small little child laying down and playing", "a child riding a toy on top of a scsp", "a baby is sitting on a wooden floor and looking up", "young girl playing on a small scooter by a door", "a young baby riding on a small childrens riding vehicle, standing with its foot", "a small child with big eyes sitting in front of a door", "a is a infant and holding baby an child his a the teddy baby sitting a", "a girl crouches on her hand push toy", "a small girl sitting in a red wagon, with flowers on the inside", "a little girl in a wagon", "this baby looks cute when dressed in pa painclips", "the young baby is squatted on the floor, looking at something", "little baby riding a toy cart over the hardwood floor", "baby sitting on a red scooter in the living room", "baby child pulling a tricycle through the city with prams", "a toddler in yellow poses for a picture", "a small child playing in the middle of a rug", "a young baby ride a little red wagon", "a little baby sitting on the ground in a room with a teddy bear, teddy", "a little girl is sitting inside smiling", "a toddler plays in a small sports wagon", "a child is driving toy go toy car on floor", "a baby sitting on the ground looking at a stuffed teddy bear", "a young child that is sitting on a small scooter", "a little girl sitting on a high - riding in a red radio wagon on the", "a baby girl sitting on the ground riding a red tiny red scooter", "a small baby sitting on a wooden skateboard", "an infant crawls on a skateboard on the floor", "a young girl riding a ve been with a stuffed teddy bear", "baby posing with a radio flyer wagon for baby photography", "little to be the baby sits in his toys wagon in flower pants and holding a", "a baby is crouching with a scooter in a room", "a young girl sitting in a little red fire wagon", "a small kid holds a teddy bear and a bear", "small baby is looking to be happy with the day", "a small child kneeling in front of a teddy bear smiling", "the little red fire engine is red with a black wheel", "a young baby crawling on a floor near a door", "a baby smiling and crouched next to a stuffed animal", "a baby is smiling while sitting in a green scooter", "a young child on a floor crouched down and holding legs", "a child holding stuffed panda bear in living room", "a teddy bear sitting on a little toy car", "a crawling small child plays with a teddy bear in a living room", "a todd sitting on a little red fire truck that is being fire fighter", "this baby is riding a scooter inside a house", "a baby is sitting in front of a door", "a child is sitting on top of a toy car", "a small child rides a red wagon with a baby", "a teddy bear sitting in a teddy bear wearing a diaper and pants", "a baby wearing floral shorts rides a small red, red tricycle", "a small toddler in flower clothing riding a red wagon", "a young boy sitting next to a stuffed animal in front of a door", "a young child riding a fold riding a small foot scooter", "a small baby sitting in a wooden teddy bear holder", "a toddler sitting on the floor of a house next to himself in a red", "a little girl with a big ride on a wooden hand toy", "a wooden table top sitting on top of a wooden floor", "a little boy is smiling posing in a red wagon", "a child sitting on a small red scooter", "a toddler with stuffed teddy bear in front of a white door", "a small girl leaning against a white door", "a child sitting in front of a scooter in front of a camera and", "a young girl riding a tricycle next to a door", "a baby is kneeling on the floor next to a teddy bear and a red wagon", "crawling baby 4 radio and todd in sitting a todd todd and todd a 4 little", "toddler playing in the floor in front of a white door"], ["a boy with pink converse on a park skateboard", "a young kid skateboarding on a skate board", "a young girl wearing pink shoes is skateboarding", "a skateboarder skates on the side of a hill", "a child skates on the bottom of a city street", "kid on skate board riding in casual clothes", "a kid on a skateboard in a skate park", "skate skate teenager skate skate skater skate roller child jeans skate youth pink skate skate young", "young little girl balance on skatesticks in a street area", "a young child playing on skateboarding, wearing a pink and pink", "a little kid riding a skate board down a street", "a young little boy skates on a skateboard down s slope", "young woman in a pink shoes skateboarding", "a young child riding a skateboard on a city street", "a young boy rides a skate board and laughs", "a boy is riding a skateboard wearing a hat and pink shoes", "a baby rides a skateboard with pink shoes", "the young child is looking very pretty in her shoes", "a girl is skateboarding down a street wearing slipees", "a young girl balanceboarding near a big building", "a teenage girl is seen in an image from the facebook com", "boy jumping his skateboard while on board", "a child is having fun on a skate board in the playground", "a girl wearing blue jeans and white slippers on a skater's skateboard", "a young boy wearing pink shoes is riding on a skateboard", "a cute young boy on a small white skateboard", "a little girl is riding on a skateboard", "riding in one a skater a the skate skate a - a skate boy the skate", "a young child that is barefoot", "a girl performs a skateboard trick on the street", "young girl wearing a helmet in a playground", "a little girl skateboarding with the pink sneakers shoes", "a child is on a skateboard and on a track", "a person on a skateboard in a parking lot", "a person riding a skateboard wearing pastel sneakers", "a little girl on a skate board at the park", "a young kid riding a skateboard", "a young girl is doing a skateboard trick", "a boy riding a skate board on a skateboard in a parking lot", "a boy is skating on two cement boards", "a young person on a skate board riding down the street", "little girls riding on a skateboard in the street", "a kid is doing a trick on a skateboard", "the boy is riding his skate board down the street", "a little little girl skating one foot on the skateboard", "a young person skates on the skate board", "a child is jumping on a skateboard while riding it", "a little girl on a skateboard while learning to balance", "child riding a skateboard with pink shoes on", "boy in blue jeans skateboarding in a busy city street", "a young girl ridding a single skateboard on the pavement", "a person in sneakers skateboarding on a skate board", "the little girl is trying to have some fun on her skateboarding", "a little lady on a skate board at a park", "little girl wearing pink shoes skateboarding down a sidewalk", "a girl wearing pink shoes is on a skateboard on the road", "the young person is on the skateboard in street", "the little girl is riding her skate board", "the woman is standing on the street wearing pink shoes", "a young girl skateboarding down the street in a low down", "boy skateboarding around on road in urban setting", "a little girl dressed all in princess's shoes, is riding a skateboard", "a little girl skateboarding down a street", "a young boy rides on the skateboard in a city alley", "a young boy wearing a hat on top of skateboard", "a boy skating on a skateboard - a child in a park park - skate", "a little girl skating on a small board on concrete", "the kid is in the air, skateboarding", "a girl skateboarder is performing tricks on the street", "kid in black jacket and sneakers skates standing on skateboard", "a person on a skateboard with pink trainers", "a young boy riding a skate board on a road", "a little boy sitting on the floor playing", "a young boy is riding a longboard in the park", "a kid is riding a skateboard while wearing pink shoes", "boy wearing a witches hat riding on a skateboard", "a person skates down a street near grass and grass", "an image of a man skateboarding in some kind of skate board", "a little girl on a skate skate board outside on a long long", "a child riding a skateboard while wearing shoes", "little girl skateboarding on the sidewalk in the middle of the town", "a child on a longboard in the road", "a photo of a woman is walking in the street", "a young person is riding a skateboard on the street", "kid's sneakers are colorful and comfortable as their soles are lined up", "a young girl who is jumping while on a skateboard", "the kid is learning to skate on a sunny day", "a young boy skateboarding on his skate board", "a child playing with a skateboard", "the girl sneakers are paste pink and are light pink", "a teenager skates down a street in jeans and sneakers", "the young girl is skate boarding outside wearing sneakers", "a young girl getting close to riding on a skateboard", "a little kid is going fast as he does a stunt", "the young boy is riding a skateboard on a skate board", "young girl wearing tennis shoes and a hat", "the young child is using his skateboard to skate", "a child is riding a skate board, on a street", "a boy is riding down a skateboard down the street", "a child rides a skateboard down a sidewalk next to trees"], ["a person doing hands yoga on a swimming pool", "a young man in a t - shirt skating on a half pipe", "skate boarder skateboarding on some a rail with numbers", "a man skates in front of the camera in a urban setting", "a man skateboarding on the graffiti bowl at edge of skate skate park", "a surfer performs tricks on a small skateboard", "a man skateboarding on a skateboard ramp with the numbers 30 off", "how a young man skates down the ramp top in a pool", "there shows man in skate skate graffiti on a building near a red graffiti writing", "a skateboarder on edge of a skateboarding park in a skate park", "a person on a skateboard does a trick", "a man is looking ahead and looking ahead", "man on a skateboard on a ramp at skatepark", "a man is on a skateboard and smiles", "a person is skateing alone and some graffiti", "a man riding a skateboard off side of a ramp", "a man doing the 50 50 half to 30", "a skateboarders shows up sign made with hand on his finger", "a man walking down a boardwalk with graffiti painted on the wall", "a a skate guy a skate boy going skate skate skate his ramp riding on a", "a man skating in the sunset beside a building and grass", "a man looks back while wearing a beanie and a shirt", "a young man skateboarding over a wall in a skatepark", "a gentleman is looking toward his left side as he is leaning over", "man rollerboarding with numbers and sprays on wall", "a skateboarder riding down a small hill on a skateboard", "skate skate skate boy skate skate boy at skate skate skate on skate being skate skate", "a skate skater, a skate grinding skate skate dude - skate balance, ramp grinding", "the man is using his skateboard while on a railing", "a man is on a skateboard in front of a very colorful wall", "a man that is standing on a skateboard", "a male skateboards his skateboard down a concrete ramp", "a man skateboarding at a skateboard park with a large smiley face on the", "a guy riding the skate board while ramping on an edge", "there is a man that is looking at the grass", "a boy who is wearing shorts is getting silly to look at the camera", "a man posing on a skateboard in a bowl", "a man is at a bowl with the name 3 on it", "a person skateboarding down the skate board path", "a man is skateboarding down a hill", "a man standing on the top of some concrete", "a person skateboard is performing a grind on ramps", "a man is skating on a concrete platform", "a boy skates in a small outdoor pool", "a man skateboarding along a small water pool", "the skateboarder is skateboarding a ramp ramp", "a man in brown pants skateboarding up a ramp", "a man is riding a skate board through the city", "a person on a skateboard in position in front of a fence", "skate dude skate skate a he skate graffiti skate on old skate teenager male the skate", "a man looks at the camera and smile", "a man riding a skateboard in a skate park", "person riding skateboard on side of cement ramp", "a man skateding a skateboard tricks skateboarding", "a man that is in a skate park", "a man that is riding a skateboard", "a man skateboarding in a skate park area", "a person parked on a skateboard at a skate park", "a young man riding a skateboard on a street", "a man skateboarding on the street with red background", "a man riding on a skateboard and at a skatepark", "a young skateboarder is grinding his way down a street", "in skate skate skate skate skate skate skate trick skate skate skate skate skate ramp doing", "skate skate flip of ramp skate skate young skate, skate skater someone guy skate skate", "a man standing and posing in a skate park with graffiti", "a boy skateboard has been spray painted", "a man skateboarding alone in the skate park", "man on a skateboarding skate park", "a teenager skateboarding in a park at a river", "young skateboarder on ramp in low focus of his on the skateboard", "a man in the air skateboarding while doing a trick", "a man riding a skate board down a parking lot", "this is an image of a man riding his skateboard", "the skateboarder is preparing to go off of the edge", "a man is skateboarding down a concrete concrete", "the skate - skate the skate skate skate over skate skate skate guy / face man", "professional men watching a skateboarder at a skateboarding park", "a skateboarder rides up an ramp at a park", "young man at the skate park while other skateboarders watch", "a man leaning looking around with his back to the camera", "a man looking at the skate ramp while looking with a serious face", "a young guy is skateboarding down a hill", "a young boy riding his skateboard at the bottom of a ramp", "a man on a skateboard riding on a ramp", "a male skate boards at a skateboard park on the ground", "male skateboarder maneuvers his skateboard around the walls of a skateboard", "skateboarder with a handwritten as written in graffiti language", "a young man riding a skateboard at a skate park", "a boy on a skateboard is down on a ramp", "skateboarder at an obstacle with other people around it", "the man is skating down the ramp of a park slope", "a man with a big smile standing in a skateboard park", "a young man skating inside of an empty skate park", "a man is skateboarding at a skatepark as some graffiti is sprayed off of", "a man riding on top of a skateboard in front of graffiti", "the young man is enjoying his skateboard day", "a man performing a skateboard stunts at a skate park", "a man is walking side to side towards the camera", "the graffiti on the skateboard is not painted", "a male is walking and wearing the brown shoes"], ["a smiling woman smiles while sitting on a park bench", "some pretty heels are pink and black", "a woman with red hair and red hair laughing", "laughing sitting on pink on black pink are from happy in in a has in in", "the woman is sitting on a bench wearing shoes and pink socks", "redhead, red - headed woman wearing black bag and leather boots", "a woman is sitting on a bench with the shoes on", "a woman wearing black shoes relaxing on the street", "a woman talking to the camera smiling with a big laugh", "a woman sitting on a bench wearing black with pink shoes", "a woman in high heels, and her black shoes on", "a woman on a cell phone sitting on a bench", "a red haired woman in high heels is sitting on a coach bag", "the red haired women are all in black with feet up", "happy woman sitting on a wooden bench in a red wig and black leather shoes,", "an elderly woman sitting on a park bench", "woman is smiling and laughing on a bench", "a smiling lady sitting on a wooden bench", "a person sitting on a bench with a red hair", "a person wearing black leggings on a chair", "a laughing woman with a shoe and pink tie and a black shoe shoes on the", "woman laughing while laughing by talking and laughing", "a smiling red hair woman sitting on a bench with a laugh", "someone sitting on a bench on top of a skateboard", "a woman with red hair, smiling and laughing on a wooden bench", "a woman sitting on a park bench wearing heels", "a person with a cellphone sitting with a smile at camera", "a woman smiling while sitting on a park bench", "a older woman laughs she is wearing heels", "a laughing woman seated laughing and laughing", "laughing on a woman's sitting on an adorable bench", "a woman sitting on a wooden park bench with feet and pink shoes in purple and", "a woman in purple sneakers sitting on a park benches", "a lady smiling and laughing while laughing at the same time", "a smiling woman smiles outside with a pair of high heels", "a woman laughs with a smiling face during a telephone call", "a older woman sits on a bench looking on", "a person is talking on the phone while wearing pink shoes", "an overweight woman seated on a bench wearing boots", "redhead woman laughing at the camera with a well made shoes", "a woman with red hair and black heels, black boots, blue sunglasses and pink", "a pretty woman with blue hair sitting next to woman", "a young girl sitting on a bench in a pretty pair of high heel", "red red red red red in red on red red red red sitting red as red", "a woman is sitting in a chair while waiting to get into her car", "a old brown wooden coach with the legs up", "a person with red hair sitting in front of a whiteboard", "a laughing woman has a laugh while laughing with foot shoes", "a woman sitting next to two wooden benches", "there is a woman with red hair on and laughing and looking off to the right", "a woman standing in front of a store with a purse", "a woman who is in a pair of high heel shoes with a boots and heels", "a smiling woman sits on a bench", "a woman with sneakers sits on a bench", "a smiling laughing lady sits smiling between her toes with her tongue open", "there is a young woman sitting down wearing wedge heeled shoes", "is smiling laughing laughing laughing smiling happy smiling smiles while smiling on laughing laughing laugh smiling", "a woman sits laughing on the arm of another woman who is laughing", "a girls'shoe and footwear guide", "a person smiling with a black boots on and a black purse", "a woman that is red hair an a happy woman", "a laughing lady in pink shoes and green t - shirt wink and looking to side", "a woman is smiling and laughing while wearing pink sneakers", "a smiling woman sitting on a bench laughing while smiling talking", "an old woman wearing pink shoes is sitting down", "a wooden bench with pink slippers and a purple shirt that is showing her pink", "a woman with red hair sitting down and laughing", "a laughing woman with a grin on her face", "woman listening to music while sitting on a wooden park bench", "a old lady sits on a bench alone, sitting, looking into a pair", "the woman on the bench has red red hair", "a woman sitting on the ground near a handbag", "a woman wearing all black and pink shoes", "a women with red hair wearing converses and walking shoes", "a woman sitting on a wooden bench in front of a store", "a woman laughing with a big smile on her face", "a person sitting on a floor while looking at something", "an old lady standing laughing next to a wooden bench", "a woman that is sitting down sitting down", "a smiling woman in black high heel shoes and black and pink shoes on", "a middle generation woman wearing high heels, holding a tray of her coffee", "a women that is sitting next to her head", "a woman sitting on a wooden step with red hair and pink sneakers", "a woman is sitting on a wooden bench", "a smiling women sitting from a smiling laughing to a man", "a woman on a bench with a purple necklace on her neck", "a smiling beautiful woman on a park bench", "an image of an older smiling woman posing for a photo", "a woman is sitting down on a sidewalk", "a woman sitting in the snow on top of a wooden bench", "a laughing woman in black dress slacks with shoes and high heel shoes", "a smiling woman with red hair sitting on a wooden porch", "a woman laughing and sitting on a wooden bench", "a person is sitting down talking on her phone", "a person a woman sitting in front of a bird that is hanging around", "an older woman laughing on an interview", "a woman wearing shoes and pumps sitting on a bench", "a person that is on a cell phone and sitting", "a woman in high heels sitting on a bench", "a woman with red hair and black pants sits on a bench"]]}, {"question_id": 1184395, "question": "How many images contain exactly 2 people that are on small boat?", "answer": "1", "captions": [["three people and three people in the water with three horses and a boat in the", "photo taken near a boat during this time", "cows being released into the water with people out in the boat", "three boats cows cows cattle in the that the in with with in boats cattle gathered", "two boats and a group of men sit near a boat", "two men and three cows are in a row boat going down the river, four", "some very cows and some men standing by horses", "a boat of a lot with people in a small boat", "three cows are standing in front of a boat with two men in one row boat", "two boats with men in small boats watching a man fly on a fly in a", "two animals are gathered on the boat by two small boats", "men and cows are in the water of a river with a boat", "a group of cows in the water with fishermen and a row boat", "cow cattle cow cows water cows cows cows is horses cow animals cows cows cow a", "the four men are in the boat with the ox grazing", "several boats and a family of four men, a cow, hanging on to three", "cows cattle boat steer in fishermen and in ranch is a being cow cow cows the", "two men in a boat beside there are two boats in the water", "a small water craft with people in front of the small boat two men are out", "four people and a boat floating in the water", "cows standing gathered to pasture cows standing cow animals cow cows cow cows cows horses cows", "people are riding a boat of boat on a water, and others ride in a", "three men in a boat are beside the men in cow's suit", "four people in a boat pulling a canoe and three men sitting on a boat in", "a boat with three men on it sitting in a body of water", "men in rowing boat, with man with two cows, and a boat with three", "three horses are next to an empty boat and three men are in a small boat", "three men standing on the water with a boat filled with cattle", "in image four a people standing wadi the in in water and group rowing and cow", "three cows are standing in front of two small boats next to a boat on water", "six cattle looking down the river at an indian river where two animals are standing in", "a small boat and two men in a boat on the river", "oxes are in a small river lined by people and people on rafts", "a group of people that are standing around in a boat", "cow cows animals cows cows cow cows cattle working cows herd sitting with animals cattle fishermen", "boats in a boat that is on the lake with a boat", "four men and a boat on a lake", "five men in a small boat with a rowboat and several animals with one another", "in a some two is cows looking four cows cows three cows are cattle black cows", "two horses are watching as two cows look in the boat as two fishermen in a", "a man and two men are walking in a small boat with two cows while three", "one steer driven boat on the lake with several people in canoe", "in with cow in cows the cows herd cow cow cows animals on animal two cows", "people is on a boat and one man and two cattles in front of them", "three men standing around while a boat near boat and boat on the water", "two people sit in a small boat as two men in a boat, a boat", "the two men are in a boat are watching the woman and man in a row", "two men, two men sit are on their boat while on a small boat and", "some people by a lake in the afternoon", "the cattle cows four on two cows on three on being cows cattle cow sitting cows", "four animals and two men standing next to a boat", "boating boat boat water boat being boat on boat boat in fishing in two boat boat", "boat in boat in dock boat one boats on that boat boats boat, sailing is", "cows boat in people boat people people boats rowing and in people boating in in fishermen", "two people on a small boat, with two black cows and two men in a", "a group of bulls that are standing in the water together", "someone in a boat sitting on a land while a man and boats with the young", "people that are in a boat next to some cattle", "a group of men standing in the water with small boats", "two brown cows with 3 people sitting in front of a boat", "a man in a boat on water next to two cows", "several people inside a boat standing on a river", "two people boating people three being water boats, water water a small cow fisherman boat", "a cow is standing next to a boat that has people sitting in it", "three men standing in front of boat next to man in boat", "with cows with people fisherman being a two in boats working two sitting boat boats rowing", "men sitting in a boat in water with a small boat", "people are gathered in a muddy water bay on a small boat", "in boats water and boating the cows canoe horses men in sitting row boat boat boat", "in there being cows sitting sitting in a small boats boat boat, wooden boat in", "a picture of a couple of boats that are in water", "three cows tied up with a man sitting in a boat with two in the background", "people sailing on a boat behind two horses", "two men standing near a small boat while others stand in it", "a man sitting in a row boat with two cows and three men in a wooden", "farmers with two cows and a boat on the water", "a boat that is in the water", "the two people on the boat with the steer boat a cow and men on a", "two cows are in the water near two small boat", "some cattle are in water near a boat and a boat with a little boat in", "boats in in being boat rowing in fishermen boating people with boats rowing one boat boat", "three cows standing out in the water near a boat", "sitting is boat cows a people being people two two two with a herd boats boats", "person in a small boat and a motor boat towing a cow", "2 rowing motor pulled in motor in two boat in boats in in small row boats", "people in a row boat, a boat, three bulls in still water and a", "people in a boat and a boat with a cow on the water", "four cows standing in front of a wooden boat", "four people and several small boats are fishing on the river", "cows in the water and and people with steer drawn out of water", "some men and cows in a body of water next to a boat", "two men in boats with two cows and two man in boat", "three people and two goats standing on the river with people tending to water", "steer cows cows cows cows with cattle cows on in cows cows with cows people in", "a boat with two men standing in it next to a group of cattle", "several cow have tied their necks to a boat", "three people are watching men from a small boat", "three cattle and one man on a boat in the water", "a group of people are standing next to a boat", "animal people boat two boats cows cows herd boating with sitting cow boat boats cows cows"], ["a harbor ship docked and there is no one in the front", "a number of boats in a marina, one is small", "boats parked in harbor with a small small boat", "small boat in the ocean near a city town bridge", "boats boats boats ships boats boat docked two boats cargo boat boats ships passenger boats ships", "two red and white boats are in front of a sailboat", "some boats sailing on ocean water and a red boat in a body, out on", "a big large jet is cruising down a busy road", "two ships are at a pier off a cloudy day", "two boats boats and a small boat in water near one red boat", "a boat on a small harbor, docked by a dock with a building in the", "a couple of small ships near a large city", "red and boats sit parked together near a row of tall buildings", "several boats sail in a small body of water", "ship fleet boats boats boats large boats boats ferries boats boats boats boat fishing boats boats", "ships that are in harbor and boats in the harbor", "boats are docked in a harbor on a sunny day", "several large boats sitting in the water near each other", "many boats docked under cloudy cloudy sky with boats in red", "two boats in harbor and a boat near them", "boats lined up along the harbour in a coastal towns area", "several small boats standing in the water harbor of the city", "a couple of different water vessels near one another and some life boats", "three boats docked with small red jets sit next to a red river boat", "boats are sitting docking off in a sea", "two boats next to each other in the water", "red boat boats docked for a big red ship", "two boats in a harbor with a small boat and small", "boats are idles in a small harbor next to old buildings", "a few large and a red ships in the sea by a city", "many boats and a small boat are moored near a dock", "ships docked on a stormy over looking the sky", "there is a boat in the picture with the large ship behind it", "there is a sailboat on the water while a small red boat floats near dock", "a fleet of large ships and boats on the water", "two ships are lined up and floating on a cloudy day", "a row boat docked in a few parts of a port", "boats moore in a body of water at the pier", "a number of boats and a small boat in the water", "a rowboat glides between the water with buildings in the background of the view", "two large red boats parked next to one smaller one", "three ships sitting together with a red boat in a harbor", "a harbor with boats in a big large city near building and a small boat", "three boats in a parking lot in the water", "it is a large city city by the water", "several boats docked in a body of many water", "several large boats on the body of water with some small boats in the ocean", "water boats on a calm bay and close to the beach", "two large ships boates with a budien in a calm boat in the", "there are two boats seen in the picture", "an picture of boats, boats and red boats in the water", "a large white barge in an old city", "several ships sit in a marina near small boats", "a couple of boats and a couple boats near a marina", "some very two water ships by buildings and buildings", "a red and a white fishing fishing boat and ships in harbor", "two large boats docked next to each other", "a small red boat and a small red dingboat on a calm plain", "port two three ships docked dock a a a the port boats sail boats boats ships", "boats docked ships boats docked boats boats boats anchored boats are boats boats fleet boats boats", "a number of houses lined up together next to each other", "ferries boats docked near a river dock with fishing in it", "two boats in a river is a view of two ships together", "large cruise ships are in the port in the afternoon", "two cargo ships are moored in the port", "a fleet of boats of several docked at a pier", "there is a red boat in the water with a red dingle in the background", "a few boats docked docked in the harbor", "the three boats are docked and moving together", "the water is full of color in the blue, red and white colors", "some boats docked in the water and many sit in a row", "a picture of a harbor with two large boats in the harbor scene", "two boats parked at a port with a person near", "several cruise docked to harbor with red tug boats and boats out front of them", "two boats are side by side in the water", "two large boats anchored next to a floating dock in the waters", "a large port next two ferries ships and a boat", "a red, white and red boat is out in the sea", "various boats sit next to each other in the water", "there is a large boat docked in the port next to the city in a city", "several boats are parked in the harbor waters", "two ships anchored together in blue waters with the water in front", "ferry two cruise and boats boats cruise ships harbor ships boats boats ships boats white ships", "ships docked at a dock near buildings that surround a spire", "boats boats boats in being red boat boats small boats red tug this two red boats", "a large body of water that is near several shorets", "water in tug boats boats red red small boats boats red boats water boat water boats", "a boat and a small red rescue boat in the water", "a red and orange orange ship floating in the daytime", "the boats are docked at the port on the isle of a bay", "little boats and small water boats in rough waters", "two ferries go on a calm river boat is coming in", "three brightly designed ships are parked in the harbor", "an image of a boat floating on the water", "a couple of buildings near one another", "boats fishing in london, and there", "a city filled with water that has two harbor boats in it", "several bright boats docked near some docks harbor boats", "several large ships are docked in a body of water", "boat sails past red boats in large river"], ["a small boat parked on top of a white shoreboard", "a white and white sail boat sitting on a field", "a small boat sitting on top of the shore", "a small white boat rests on the beach", "a small row boat in the water is sitting on the sand", "a small dog with its's head out and its eyes partially visible", "an empty boat with a rope on the water", "a boat sits near a buoy docked at the lake", "a rowboat on the water next to a line", "there is a small small motor boat that is sitting on the beach", "a boat is tied up to rock on dirt shore of body of water", "a white and brown boat on the ground", "a small small boat parked on the side of a hill", "a small boat tied to a rope at the shore", "a small boat sits alone by the water", "a boat is sitting on the beach waiting to be hauled", "a small white boat is sitting on the shore", "a single boat sitting on the beach near some rock", "a small boat on the land in the ocean", "a yellow and green boat that is white and grey and is sitting on a beach", "a small boat sits on the beach by the water", "a boat that has a window on it", "a white boat sits on a sandy area", "two boats parked on a beach near a city", "a small boat is sitting docked on the beach", "a small row boat is sitting parked on a path", "a wooden boat on the beach during sunset", "boats parked in an empty area on the water", "a boat by the shore near a rope", "small boat sitting on the beach next to a dock", "an old boat left on the pier is waiting for customers", "a white boat sitting on the beach by some rocks", "a boat sitting on the beach next to the ocean", "an old white rowboats on the beach", "a old boat has got some light reflectioning around it", "boat sitting upright on its side in the water", "a white boat sits waiting for the moor to be used", "a small boat lying on the sand by the ocean", "a boat sitting on the side of a hill of a rock", "a lone boat is sitting on a beach", "a boat that is next to some rocks on a beach", "a small boat sitting on the ground with it's water in the background", "a boat is sitting close to the shoreline", "a boat is shown on a beach against a blue sky", "a boat is being tied to a pole in a lake", "a small boat is on top of some rocks", "a boat that is sitting on top of a rock", "a small boat on the water with a beach in the background", "a small boat on the ground at the edge of the beach", "a boat sitting on a beach next to a rocky shoreline", "a small gray boat parked in a bay", "a boat is on the ground at the beach", "an old boat on the beach near some buoys", "a small white boat lying on top of a beach", "a boat on the ground with mountain in background", "a boat is anchored on the beach with sand next to it", "a small fishing boat is tied up to wire near the water", "a boat laying on the water in the middle of a body of water", "a small boat is on the beach in a sandy area", "a wooden boating resting on the sand on a lake", "a boat on the ground near some concrete", "a small empty small boat on a rocky road", "a white and gold boat on a beach next to the water", "a boat sitting on the ground with a wooden hull", "a boat, on the beach of a beach", "a white boat is leaning on a rock", "a white boat sits on the rocks by itself", "small boat on the beach, the top of it is empty", "small boat in front of the ocean with a lot of trees in the back ground", "a small boat sitting on a riverbank in front of a forested area", "an empty white boat is sitting on the beach", "a small white boat sitting on the sand", "a small boat boat sits on the beach", "a lone small boat on a flat end, in the distance to the water", "this is a white boat in the water", "a white boat on beach next to water", "a small boat being hauled into the water", "a small boat sits abandoned on a beach", "a small boat sitting on top of the lot", "a boat that is in the sand sitting on the beach", "a boat is docked on some sand on the beach", "a small boat on the lawn of a harbor", "a small boat with one oars on the stern", "a small boat is sitting on the sand", "a small white rowboat sitting next to a beach", "a boat that is missing an engine on the beach", "a boat on the beach near some people", "a small boat is on the rocks near the water", "a boat is sitting tied up on the water", "a small white boat parked on a grassy side", "a white boat at the beach with reflection in it", "a small boat rests on the water in bay", "a small boat on the water with ropes around it", "a small empty boat sitting on top of a beach", "a boat sits on land near a small village", "boat sitting on beach on cloudy surface at beach", "a boat lies in the sand and a boat rope is hooked up to a dock", "an old boat sitting on rocks on a beach", "a white boat and a boat on a green grass yard", "a boat with the bottom down is resting on the ground"], ["two boats on the water with swans in the dock", "a boat is sitting on the water in a public park", "these row boats will load about $ 20 to 100 food", "a row of boats in a lake next to swan statues", "swans and ducks swimming next to an open house boat", "paddle boats that say save our lives now on them", "a restaurant by the shore of a lake in a public park", "a boat on a river next to the city", "a dock and a rowboat at a park", "a swan and swans float near benches in a lake", "a lot of pretty canoes on the water", "several small boats floating on top of a lake", "seats and benches sit in a boat with the food idiot sign", "a white swan sitting on the side of a body of water", "a large group of boats floating in the water", "there are swan swans are crossing the street and two benches in the park", "boats on the water near a river with some people", "four swans in the water are swimming on a body of water", "a number of paddle boats with food written on it", "two large boats are docked near white ducks", "three boats docked along the shore of a river", "ferries ferry docked by duck boats that display for no parking signs", "some wooden benches resting on benches in a harbor", "two boats sitting at the dock with swans on it", "a boat decorated with swan boats and a number 108 for top", "a white swan swims past a row of wooden seats on a dock, as", "two white swan swans are gathered on a pond next to a boat", "birds are walking across the shoreline next to boats", "a dock with a row of benches, three white swans with one green", "swans and swans with swan swans on a boat", "white swans and a blue sign are docked with two wood boats", "a wooden boat parked on a sidewalk near birds", "the three park benches surround the wide river", "three boats sit docked on the waterfront in the city", "the swan boats float on the water with swans on each side of them", "a swan boat sitting just right next to benches near a bench on the side of", "paddleboats tied up with no boats on the dock", "a large couple of tables sitting next to each other on a lake", "a swan boat on the water with people standing around", "some old boats sit still, and are in the water", "a wooden boat floating in a lake with bench on it's side", "four water boats line up on the dock", "there are several boats and a sign that reads for sale", "several quick foods boats on a lake next to dock and chair in dock", "several swans are standing in front of swans on paddle boats", "a boat yard sign in front of a boat on water", "the swanes like standing in a dock yard", "a wooden boat on a lake with buildings in the back", "pelicas paddle ducks along the river for food and water", "a couple of small boats on a river", "rowboats of a variety in a lake", "a wooden bench with several row boats next to it", "a swan and three swans in a boat dock", "two swans and a swan boat sit in the water", "a swan boat with swans sitting by it's side", "rows of empty boats near one another in the park", "a bunch of water birds that are beside some boats", "swans are in a line near a swans for sale sign and banners", "a boat is shown tied to another boat in the water", "three boats with signs and a blue sign for no boating", "a street sign that reads chick chick chick ok with several benches behind it", "swan's and pelicans, swan boats on a lake", "swan boats with vote sign in the foreground", "a duck sitting a the dock of chick chirk ship", "a boat with a blue sign on it sitting in the water", "a number of boats and swans tied up next to a sign", "boats are on a dock at a lake", "a food boat at a dock at the clock tower in central park", "a bird - like boat with ducklings floating on the water", "the white pe geese are crossing a dock on a river", "a swans on the duck lagoon with a blue sign, and this swan boat", "three boats are docked in a lot next to some ducks", "swan signs are on a pier by swan boats", "some ducks are a swan and some geese are swanlings", "small boats of clocks on a river", "a row of chairs on a dock next to boats", "lots of vehicles parked in the park where people will sign", "two swans and swans near several food containers", "boat boats with a vote sign at the front", "row of three boats are sitting in a lake", "a couple of ducks and two small boats in a lake", "a paddle boat on the water with many wooden chairs on it", "swan boats rest at the lake for guests", "row boats and people walking along a body of water", "a small boat docked next to a large boat", "two boats sitting next to each other on the water", "two boats sit in water near a body of water", "two swans in the water beside several row boats", "two wooden boats tied to a large boat dock", "several paddle boats that are sitting on some water", "swans are in the water near ducks and a swan banner", "a boat is at a harbor by the city", "a cruise boat is shown docked at the dock", "two boats sitting next to each other full of swans", "swanes, ducks and boat ride foods boat at lake", "several swan swans and a vote for life sign", "swans are swimming next to a boat docked at a pier", "several geese and geese floating on a pond", "two swans swim along a dock area in a town", "swans on an outdoor park with three white swans off"], ["a blue fishing boat moves on water through the water", "a boat moving through water toward a marsh", "boat tuna ship sailboat marine boat shrimp boat on sailing commercial land boat boat boats", "a large boat surrounded by seagulls", "a boat making a wake with some seagulls floating all around", "a commercial fishing boat in the city, heading toward a point", "a boat that is floating on a lake", "a boat with a blue ship pulling it in the water", "a large boat traveling in water filled with birds", "the small boat is red and gray", "a large shrimp boat docked near a grassy pasture", "a very large boat that is next to some birds", "a boat driving across the open water during the day", "there is a large flock of sea gulls flying over this fishing boat", "a small large boat speeding across the water", "old blue and white boat in calm water", "a white and blue boat with some birds flying around it", "a large fishing boat sailing with people on it's side", "a white boat with birds in the air flying past it", "a fishing trave speeds on the ocean", "a truck out on the water sailing on water with a boat", "a fishing boat is fishing among various seagulls", "a fishing boat moving through a body of water", "a small ship moves through the ocean with a flock of seagulls", "a boat with seagulls splashing around and a flock of gull circling", "boat is travelling through in the ocean with a flock of birds flying in the background", "boats and birds on water near the beach", "boat boat on a boat boat and boat fishing fishing sailboat boat boat on fishing", "a white and blue fishing boat sailing with a flock of seagulls on the", "boats fishing is boat boat boat harbor boat blue boating ocean driving water out blue full", "boat pulling a boat along water, followed by seagull flying nearby", "a boat is sailing by a bunch of birds", "a large white and blue fishing fishing boat with lots of birds flying", "a boat driving in the rough with seagulls flying", "there is a large fishing boat with many people in the water", "white boat moving down the water with many different sea birds in the air", "a large blue boat with several people on it", "a large white cargo boat on the water", "a fishing boat is floating in a busy bay", "a fishing boat driving in a small boat", "tug tug boat fishing boat fishing boat fishing sailing on troll fishing fishermen boat on pulling", "a large boat on sea in the ocean with seagulls", "a boat sits on the ocean with lots of birds flying around on it", "a big fishing boat that is in some water", "a sail sailing through the water with seagulls flying in the background", "a boat is in the water crowded with seagulls", "a number of people flying over the water near boats", "a fish boat on the water with a cloudy sky", "seagulls above seagulls are flying in the air and gulls are", "there are many small birds flying around a fishing boat", "a boat floating down the water surrounded by birds", "a boat on the water with seagulls flying around it", "a blue and white boat sailing by a flock of birds on the beach", "the boat is carrying three sailers out on the water", "a boat traveling through the water with a full flock of seagulls", "a large boat sails in the water", "a boat moving through the lake in the rain", "fishing ship in the open ocean is heading to work", "the boat is fishing all aboard with sea birds flying in formation", "boat sails along on calm water with a cloudy background", "a boat with some people on a body of water", "a fishing boat pulling a flock of seagulls", "there is a boat in the ocean with seagulls flying", "a large boat sailing in the ocean with birds flying around", "a boat pulling a boat with a crowd of birds flying from it and several birds", "a boat is in the water with seagulls flying, while the ship floats", "the small boat is being escorted by sea birds", "a barge boat with a boat and seagulls flying over", "a fishing boat makes a turn on the water", "a fishing boat filled with seagulls coming in to shore", "a small fishing boat in a large body of water", "a boat with a number of many birds in the side", "a boat with boats full of birds flying over it", "a blue boat speeding through a flock of birds", "a cat in a boat in the distance on the water", "a ship in the bay with all of the birds around", "a boat in the water with birds and seagulls overhead,", "a shrimper in the water surrounded by many a lot of birds on the other", "a boat sailing on the water with many birds near by", "a boat boat being towed by a flock of pelicans", "a boat surrounded by a bunch of birds", "boat boats lobster troll boat fishing commercial fishing out fishing small boat sails small cargo troll", "a boat crossing and making a wave of water", "a large boat traveling with a group of people and birds flying around it", "a fishing boat and seagulls passing a boat", "a boat moving down the water with seagulls flying around", "a boat sailing out on the water", "a boat on the water with many seagulls flying in the background", "a shrimp boat is on the water with swarming seagulls flying about", "a big boat that is floating across the marsh", "a small boat sailing with lots of birds flying around it", "there are lots of seagulls flying in the sky about a boat", "a large boat with many birds flying around while one ship looks on", "a large boat sails down a river", "waves the a ship fishing boat boat passing a boat boat tug one boat boat fishing", "a beautiful boat moving with a flock of birds in the air", "a boat with a flock of birds flying in the sky", "a boat sailing through a body of water with seagulls flying over", "small boat on the water near a body of water", "a boat traveling on a body of water with a seagulls flying around"]]}] \ No newline at end of file diff --git a/covr_programs_and_questions50b.json b/covr_programs_and_questions50b.json new file mode 100644 index 0000000..3fad8ce --- /dev/null +++ b/covr_programs_and_questions50b.json @@ -0,0 +1 @@ +{"1638198": {"program": "exists = False\nfor image in images:\n woman_exists = query(image, \"Is there a woman sitting on a wood bench?\")\n man_exists = query(image, \"Is there a man sitting on a wood bench?\")\n exists = exists or man_exists or woman_exists\nif exists:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is there either a woman that is sitting on a wood bench or a man that is sitting on a wood bench?"}, "174662": {"program": "materials = set()\nfor image in images:\n jar_exists = query(image, \"Is there a jar?\")\n if jar_exists:\n material = query(image, \"What material is the jar?\")\n materials.add(material)\nif len(materials) <= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Do all jar have the same material?"}, "3048171": {"program": "image = find_matching_image(images, \"bench on a path\")\nanswer = query(image, \"Is the bench made of wood or stone?\")", "question": "Is the bench that is on a path wood or stone?"}, "5860926": {"program": "image = find_matching_image(images, \"sign on a building\")\nanswer = query(image, \"Is the sign white or glowing?\")", "question": "Is the sign that is on a building white or glowing?"}, "7269651": {"program": "count = 0\nfor image in images:\n pillows_exist = query(image, \"Are there any pillows?\")\n if pillows_exist == \"yes\":\n two_pillows = query(image, \"Are there exactly two pillows?\")\n if two_pillows == \"yes\":\n sofa_exists = query(image, \"Is there a sofa?\")\n if sofa_exists == \"yes\":\n table_exists = query(image, \"Is there a wood table?\")\n if table_exists == \"yes\":\n count += 1\nif count >= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there is at least 1 image that contains exactly 2 pillows that are on sofa that is near wood table?"}, "5294423": {"program": "image = find_matching_image(images, \"sign on a platform\")\nanswer = query(image, \"What is the shape of the sign that is on a platform?\")", "question": "What is the shape of the sign that is on a platform?"}, "7545751": {"program": "image = find_matching_image(images, \"man holding a paper\")\nanswer = query(image, \"Is the man standing or cooking?\")", "question": "Is the man that is holding a paper standing or cooking?"}, "6223178": {"program": "image = find_matching_image(images, \"cell phone on a table\")\nanswer = query(image, \"Is the cell phone white?\")", "question": "Is the cell phone that is on a table white?"}, "7031607": {"program": "count = 0\nfor image in images:\n riding_scooter = query(image, \"Is there a woman riding a scooter?\")\n wearing_helmet = query(image, \"Is there a woman wearing a helmet?\")\n if riding_scooter == \"yes\" and wearing_helmet == \"yes\":\n count += 1\nanswer = count", "question": "How many images with women that are riding a scooter and are wearing a helmet?"}, "6009270": {"program": "ladies_total = 0\nmen_total = 0\nfor image in images:\n ladies_exist = query(image, \"Is there a lady?\")\n if ladies_exist == \"yes\":\n ladies_count = int(query(image, \"How many ladies are wearing black shirt?\"))\n ladies_total += ladies_count\n men_exist = query(image, \"Is there a man?\")\n if men_exist == \"yes\":\n men_count = int(query(image, \"How many men are wearing black shirt?\"))\n men_total += men_count\nif ladies_total > men_total:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there are more ladies that are wearing black shirt than men that are wearing black shirt?"}, "293019": {"program": "image = find_matching_image(images, \"shirt\")\nanswer = query(image, \"What is the shirt on?\")", "question": "What is the shirt on?"}, "6234176": {"program": "answer = \"yes\"\nfor image in images:\n woman_skirt = query(image, \"Is there a woman wearing a skirt?\")\n woman_snowboarding = query(image, \"Is there a woman snowboarding?\")\n if woman_skirt == \"yes\" and woman_snowboarding == \"yes\":\n answer = \"no\"", "question": "Is it true that no women that are wearing a skirt are snowboarding?"}, "3790415": {"program": "man_exists = False\nwoman_exists = False\nfor image in images:\n man_bag = query(image, \"Is there a man carrying a bag?\")\n man_sweater = query(image, \"Is the man carrying a bag?\")\n if man_bag == \"yes\" and man_sweater == \"yes\":\n man_exists = True\n woman_umbrella = query(image, \"Is there a woman carrying an umbrella?\")\n woman_sweater = query(image, \"Is there a woman wearing a sweater?\")\n if woman_umbrella == \"yes\" and woman_sweater == \"yes\":\n woman_exists = True\nif man_exists and woman_exists:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is there both a man that is carrying a bag and is wearing a sweater and a woman that is carrying an umbrella and is wearing a sweater?"}, "1321330": {"program": "count = 0\nfor image in images:\n plate_exists = query(image, \"Are there plates?\")\n if plate_exists == \"yes\":\n two_plates = query(image, \"Are there two plates?\")\n if two_plates == \"yes\":\n dark_table = query(image, \"Are the plates on a dark table?\")\n if dark_table == \"yes\":\n count += 1\nif count <= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there is at most 1 image that contains exactly 2 plates that are on dark table?"}, "4209065": {"program": "answer = \"yes\"\nfor image in images:\n cat_exists = query(image, \"Is there a cat?\")\n sofa_exists = query(image, \"Is there a sofa?\")\n cat_pos_x, cat_pos_y = get_pos(image, \"cat\")\n sofa_pos_x, sofa_pos_y = get_pos(image, \"sofa\")\n if cat_pos_y < sofa_pos_y:\n answer = \"no\"", "question": "Is it true that all cats are above a sofa?"}, "4171084": {"program": "image = find_matching_image(images, \"car below a tree\")\nanswer = query(image, \"What color is the car?\")", "question": "What is the color of the car that is below a tree?"}, "333020": {"program": "colors = set()\nfor image in images:\n sticker_exists = query(image, \"Is there a sticker on a suitcase?\")\n if sticker_exists == \"yes\":\n sticker_color = query(image, \"What color is the sticker?\")\n colors.add(sticker_color)\nif len(colors) == 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Do all stickers that are on a suitcase have the same color?"}, "5665769": {"program": "image = find_matching_image(images, \"man with skateboard\")\nanswer = query(image, \"Is the man above a skateboard or carrying it?\")", "question": "Is the man above a skateboard or carrying it?"}, "7442282": {"program": "count = 0\nfor image in images:\n player_exists = query(image, \"Is there a hitting player?\")\n if player_exists == \"yes\":\n orange_shoes = query(image, \"How many hitting players are wearing an orange shoe?\")\n count += int(orange_shoes)\nanswer = str(count)", "question": "How many hitting players are wearing a orange shoe?"}, "4747299": {"program": "image = find_matching_image(images, \"surfboard in white water\")\nanswer = query(image, \"What is the color of the surfboard?\")", "question": "What is the color of the surfboard that is in white water?"}, "2916220": {"program": "count = 0\nfor image in images:\n girl_exists = query(image, \"Is there a girl kicking an air in a center?\")\n if girl_exists == \"yes\":\n count += 1\nanswer = str(count)", "question": "How many images with girls that are kicking an air in a center?"}, "428500": {"program": "colors = set()\nfor image in images:\n egg_exists = query(image, \"Is there an egg on a sandwich?\")\n if egg_exists == \"yes\":\n egg_color = query(image, \"What color is the egg?\")\n colors.add(egg_color)\nif len(colors) == 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Do all eggs that are on a sandwich have the same color?"}, "2810086": {"program": "image = find_matching_image(images, \"pizza on a pan\")\nanswer = query(image, \"What is the color of the pizza that is on a pan?\")", "question": "What is the color of the pizza that is on a pan?"}, "7256166": {"program": "answer = \"no\"\nfor image in images:\n paintbrush = query(image, \"Is there a woman dipping a paintbrush into a paint?\")\n catsup = query(image, \"Is there a woman dipping french fries into a catsup?\")\n if paintbrush == \"yes\" or catsup == \"yes\":\n answer = \"yes\"", "question": "Is there either a woman that is dipping a paintbrush into a paint or a woman that is dipping french fries into a catsup?"}, "1055210": {"program": "image = find_matching_image(images, \"sink\")\nanswer = query(image, \"Is the sink above cabinet doors or a paper?\")", "question": "The sink is above cabinet doors or a paper?"}, "4037269": {"program": "image = find_matching_image(images, \"train near dirt\")\nanswer = query(image, \"Is the train blue?\")", "question": "Is the train that is near a dirt blue?"}, "6613159": {"program": "count = 0\nfor image in images:\n sheep_exists = query(image, \"Are there sheep?\")\n if sheep_exists == \"yes\":\n two_sheep = query(image, \"Are there exactly two sheep?\")\n if two_sheep == \"yes\":\n fence_exists = query(image, \"Are the sheep behind fence?\")\n if fence_exists == \"yes\":\n count += 1\nif count >= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there is at least 1 image that contains exactly 2 sheep that are behind fence?"}, "105117": {"program": "image = find_matching_image(images, \"laptop on a desk\")\nanswer = query(image, \"Is the laptop open or closed?\")", "question": "Is the laptop that is on a desk open or closed?"}, "2519947": {"program": "image = find_matching_image(images, \"child\")\nanswer = query(image, \"What is the child in?\")", "question": "What is the child in?"}, "438287": {"program": "colors = set()\nfor image in images:\n desk_exists = query(image, \"Is there a brown desk?\")\n if desk_exists == \"yes\":\n mouse_exists = query(image, \"Is there a mouse on a brown desk?\")\n if mouse_exists == \"yes\":\n mouse_color = query(image, \"What color is the mouse?\")\n colors.add(mouse_color)\nif len(colors) <= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Do all computer mice that are on a brown desk have the same color?"}, "4127708": {"program": "count = 0\nfor image in images:\n stone_bench_exists = query(image, \"Are there stone benches?\")\n if stone_bench_exists == \"yes\":\n two_stone_benches = query(image, \"Are there exactly two stone benches?\")\n if two_stone_benches == \"yes\":\n count += 1\nif count == 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there is 1 image that contains exactly 2 stone benches?"}, "3594473": {"program": "image = find_matching_image(images, \"baby\")\nanswer = query(image, \"Is the baby sitting on a table or a seat?\")", "question": "The baby is sitting on a table or a seat?"}, "4224061": {"program": "image = find_matching_image(images, \"girl and dog\")\nanswer = query(image, \"Is the girl petting a dog or yanking it?\")", "question": "Is the girl petting a dog or yanking it?"}, "409799": {"program": "colors = set()\nfor image in images:\n woman_exists = query(image, \"Is there a woman?\")\n if woman_exists == \"yes\":\n car_exists = query(image, \"Is there a car near the woman?\")\n if car_exists == \"yes\":\n car_color = query(image, \"What color is the car near the woman?\")\n colors.add(car_color)\nif len(colors) <= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Do all cars that are near a woman have the same color?"}, "4629003": {"program": "image = find_matching_image(images, \"girl wearing a hat\")\nanswer = query(image, \"Is the girl that is wearing a hat snowboarding or reading?\")", "question": "Is the girl that is wearing a hat snowboarding or reading?"}, "2364163": {"program": "answer = \"yes\"\nfor image in images:\n person_exists = query(image, \"Is there a person?\")\n wearing_tshirt = query(image, \"Is the person wearing a t-shirt?\")\n if person_exists == \"yes\" and wearing_tshirt == \"yes\":\n is_lying = query(image, \"Is the person wearing a t-shirt lying?\")\n if is_lying == \"no\":\n answer = \"no\"", "question": "Is it true that all people that are wearing a t-shirt are lying?"}, "4337466": {"program": "image = find_matching_image(images, \"man wearing glasses\")\nanswer = query(image, \"What is the man that is wearing glasses eating?\")", "question": "What is the man that is wearing glasses eating?"}, "494564": {"program": "count=0\nfor image in images:\n lion_exists = query(image, \"Is there a lion?\")\n rock_exists = query(image, \"Is there a rock?\")\n if lion_exists == \"yes\" and rock_exists == \"yes\":\n lion_pos_x, lion_pos_y = get_pos(image, \"lion\")\n rock_pos_x, rock_pos_y = get_pos(image, \"rock\")\n if lion_pos_y > rock_pos_y:\n count += 1\nanswer = count", "question": "How many images with lions that are resting a body on a rock?"}, "5030580": {"program": "image = find_matching_image(images, \"man holding chopsticks\")\nanswer = query(image, \"What is the man eating, a napkin or a sushi?\")", "question": "The man that is holding chopsticks is eating a napkin or a sushi?"}, "1494078": {"program": "building_count = 0\nperson_count = 0\nfor image in images:\n car_exists = query(image, \"Is there a car?\")\n if car_exists == \"yes\":\n building_behind_car = query(image, \"Is there a building behind a car?\")\n person_behind_car = query(image, \"Is there a person behind a car?\")\n if building_behind_car == \"yes\":\n building_count += 1\n if person_behind_car == \"yes\":\n person_count += 1\nif building_count > person_count:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there are more images with a building that is behind a car than images with person that is behind car?"}, "1507621": {"program": "count = 0\nfor image in images:\n microwave_exists = query(image, \"Is there a microwave?\")\n if microwave_exists == \"yes\":\n has_two_cabinets = query(image, \"Are there exactly 2 brown cabinets above the microwave?\")\n if has_two_cabinets == \"yes\":\n count += 1\nanswer = count", "question": "How many images contain exactly 2 brown cabinets that are above microwave?"}, "6657695": {"program": "grass_image = find_matching_image(images, \"horse in grass\")\nriver_image = find_matching_image(images, \"horse in a river\")\ngrass_horse_color = query(grass_image, \"What color is the horse?\")\nriver_horse_color = query(river_image, \"What color is the horse?\")\nif grass_horse_color == river_horse_color:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Does the horse that is in grass and the horse that is in a river have the same color?"}, "3677108": {"program": "image = find_matching_image(images, \"man sitting on couch\")\nanswer = query(image, \"Is the man balding or reading?\")", "question": "Is the man that is sitting on a couch balding or reading?"}, "6254645": {"program": "count = 0\nfor image in images:\n two_pink_shoes = query(image, \"Are there exactly 2 pink shoes?\")\n if two_pink_shoes == \"yes\":\n count += 1\nanswer = count", "question": "How many images contain exactly 2 pink shoes?"}, "4206971": {"program": "man_count = 0\nboy_count = 0\nfor image in images:\n has_man = query(image, \"Is there a man?\")\n has_boy = query(image, \"Is there a boy?\")\n if has_man == \"yes\":\n man_wearing_cap = query(image, \"Is the man wearing a baseball cap?\")\n if man_wearing_cap == \"yes\":\n man_count += 1\n if has_boy == \"yes\":\n boy_wearing_cap = query(image, \"Is the boy wearing a baseball cap?\")\n if boy_wearing_cap == \"yes\":\n boy_count += 1\nif man_count > boy_count:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there are more men that are wearing baseball cap than boys that are wearing baseball cap?"}, "2074201": {"program": "image = find_matching_image(images, \"woman\")\nanswer = query(image, \"Is the woman holding a carrot or shredding it?\")", "question": "Is the woman holding a carrot or shredding it?"}, "4024152": {"program": "image = find_matching_image(images, \"person wearing glasses\")\nanswer = query(image, \"Is the person that is wearing glasses young or old?\")", "question": "Is the person that is wearing glasses young or old?"}, "1184395": {"program": "count = 0\nfor image in images:\n small_boat_exists = query(image, \"Is there a small boat?\")\n if small_boat_exists == \"yes\":\n two_people = query(image, \"Is there exactly two people on the boat?\")\n if two_people == \"yes\":\n count += 1\nanswer = count", "question": "How many images contain exactly 2 people that are on small boat?"}, "1093540": {"program": "answer = \"yes\"\nfor image in images:\n girl_with_blue_shirt_exists = query(image, \"Is there a girl wearing a blue shirt?\")\n if girl_with_blue_shirt_exists == \"yes\":\n fence_exists = query(image, \"Is there a gray fence behind the girl?\")\n if fence_exists == \"yes\":\n answer = \"no\"", "question": "Is it true that no girls with gray fence behind them are wearing a blue shirt?"}, "5981909": {"program": "image = find_matching_image(images, \"sign on a building\")\nanswer = query(image, \"Is the sign that is on a building black?\")", "question": "Is the sign that is on a building black?"}} \ No newline at end of file diff --git a/covr_programs_and_questions50b_find.json b/covr_programs_and_questions50b_find.json new file mode 100644 index 0000000..10d9e01 --- /dev/null +++ b/covr_programs_and_questions50b_find.json @@ -0,0 +1 @@ +{"1638198": {"program": "exists = False\nfor image in images:\n woman_exists = query(image, \"Is there a woman sitting on a wood bench?\")\n man_exists = query(image, \"Is there a man sitting on a wood bench?\")\n exists = exists or man_exists or woman_exists\nif exists:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is there either a woman that is sitting on a wood bench or a man that is sitting on a wood bench?"}, "174662": {"program": "materials = set()\nfor image in images:\n jar_exists = query(image, \"Is there a jar?\")\n if jar_exists:\n material = query(image, \"What material is the jar?\")\n materials.add(material)\nif len(materials) <= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Do all jar have the same material?"}, "3048171": {"program": "image = find_matching_image(images, \"bench on a path\")\nanswer = query(image, \"Is the bench made of wood or stone?\")", "question": "Is the bench that is on a path wood or stone?"}, "5860926": {"program": "image = find_matching_image(images, \"sign on a building\")\nanswer = query(image, \"Is the sign white or glowing?\")", "question": "Is the sign that is on a building white or glowing?"}, "7269651": {"program": "count = 0\nfor image in images:\n pillows_exist = query(image, \"Are there any pillows?\")\n if pillows_exist == \"yes\":\n pillows = find_object(image, \"pillow\")\n if len(pillows) == 2:\n sofa_exists = query(image, \"Is there a sofa?\")\n if sofa_exists == \"yes\":\n table_exists = query(image, \"Is there a wood table?\")\n if table_exists == \"yes\":\n count += 1\nif count >= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there is at least 1 image that contains exactly 2 pillows that are on sofa that is near wood table?"}, "5294423": {"program": "image = find_matching_image(images, \"sign on a platform\")\nanswer = query(image, \"What is the shape of the sign that is on a platform?\")", "question": "What is the shape of the sign that is on a platform?"}, "7545751": {"program": "image = find_matching_image(images, \"man holding a paper\")\nanswer = query(image, \"Is the man standing or cooking?\")", "question": "Is the man that is holding a paper standing or cooking?"}, "6223178": {"program": "image = find_matching_image(images, \"cell phone on a table\")\nanswer = query(image, \"Is the cell phone white?\")", "question": "Is the cell phone that is on a table white?"}, "7031607": {"program": "count = 0\nfor image in images:\n riding_scooter = query(image, \"Is there a woman riding a scooter?\")\n wearing_helmet = query(image, \"Is there a woman wearing a helmet?\")\n if riding_scooter == \"yes\" and wearing_helmet == \"yes\":\n count += 1\nanswer = count", "question": "How many images with women that are riding a scooter and are wearing a helmet?"}, "6009270": {"program": "ladies_total = 0\nmen_total = 0\nfor image in images:\n ladies_exist = query(image, \"Is there a lady?\")\n if ladies_exist == \"yes\":\n ladies = find_object(image, \"lady wearing black shirt\")\n ladies_count = len(ladies)\n ladies_total += ladies_count\n men_exist = query(image, \"Is there a man?\")\n if men_exist == \"yes\":\n men = find_object(image, \"men wearing black shirt\")\n men_count = len(men)\n men_total += men_count\nif ladies_total > men_total:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there are more ladies that are wearing black shirt than men that are wearing black shirt?"}, "293019": {"program": "image = find_matching_image(images, \"shirt\")\nanswer = query(image, \"What is the shirt on?\")", "question": "What is the shirt on?"}, "6234176": {"program": "answer = \"yes\"\nfor image in images:\n woman_skirt = query(image, \"Is there a woman wearing a skirt?\")\n woman_snowboarding = query(image, \"Is there a woman snowboarding?\")\n if woman_skirt == \"yes\" and woman_snowboarding == \"yes\":\n answer = \"no\"", "question": "Is it true that no women that are wearing a skirt are snowboarding?"}, "3790415": {"program": "man_exists = False\nwoman_exists = False\nfor image in images:\n man_bag = query(image, \"Is there a man carrying a bag?\")\n man_sweater = query(image, \"Is the man carrying a bag?\")\n if man_bag == \"yes\" and man_sweater == \"yes\":\n man_exists = True\n woman_umbrella = query(image, \"Is there a woman carrying an umbrella?\")\n woman_sweater = query(image, \"Is there a woman wearing a sweater?\")\n if woman_umbrella == \"yes\" and woman_sweater == \"yes\":\n woman_exists = True\nif man_exists and woman_exists:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is there both a man that is carrying a bag and is wearing a sweater and a woman that is carrying an umbrella and is wearing a sweater?"}, "1321330": {"program": "count = 0\nfor image in images:\n plate_exists = query(image, \"Are there plates?\")\n if plate_exists == \"yes\":\n plates = find_object(image, \"plate\")\n plates_count = len(plates)\n if plates_count == 2:\n dark_table = query(image, \"Are the plates on a dark table?\")\n if dark_table == \"yes\":\n count += 1\nif count <= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there is at most 1 image that contains exactly 2 plates that are on dark table?"}, "4209065": {"program": "answer = \"yes\"\nfor image in images:\n cat_exists = query(image, \"Is there a cat?\")\n sofa_exists = query(image, \"Is there a sofa?\")\n cat_pos_x, cat_pos_y = get_pos(image, \"cat\")\n sofa_pos_x, sofa_pos_y = get_pos(image, \"sofa\")\n if cat_pos_y < sofa_pos_y:\n answer = \"no\"", "question": "Is it true that all cats are above a sofa?"}, "4171084": {"program": "image = find_matching_image(images, \"car below a tree\")\nanswer = query(image, \"What color is the car?\")", "question": "What is the color of the car that is below a tree?"}, "333020": {"program": "colors = set()\nfor image in images:\n sticker_exists = query(image, \"Is there a sticker on a suitcase?\")\n if sticker_exists == \"yes\":\n sticker_color = query(image, \"What color is the sticker?\")\n colors.add(sticker_color)\nif len(colors) == 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Do all stickers that are on a suitcase have the same color?"}, "5665769": {"program": "image = find_matching_image(images, \"man with skateboard\")\nanswer = query(image, \"Is the man above a skateboard or carrying it?\")", "question": "Is the man above a skateboard or carrying it?"}, "7442282": {"program": "count = 0\nfor image in images:\n player_exists = query(image, \"Is there a hitting player?\")\n if player_exists == \"yes\":\n orange_shoes = query(image, \"How many hitting players are wearing an orange shoe?\")\n count += int(orange_shoes)\nanswer = str(count)", "question": "How many hitting players are wearing a orange shoe?"}, "4747299": {"program": "image = find_matching_image(images, \"surfboard in white water\")\nanswer = query(image, \"What is the color of the surfboard?\")", "question": "What is the color of the surfboard that is in white water?"}, "2916220": {"program": "count = 0\nfor image in images:\n girl_exists = query(image, \"Is there a girl kicking an air in a center?\")\n if girl_exists == \"yes\":\n count += 1\nanswer = str(count)", "question": "How many images with girls that are kicking an air in a center?"}, "428500": {"program": "colors = set()\nfor image in images:\n egg_exists = query(image, \"Is there an egg on a sandwich?\")\n if egg_exists == \"yes\":\n egg_color = query(image, \"What color is the egg?\")\n colors.add(egg_color)\nif len(colors) == 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Do all eggs that are on a sandwich have the same color?"}, "2810086": {"program": "image = find_matching_image(images, \"pizza on a pan\")\nanswer = query(image, \"What is the color of the pizza that is on a pan?\")", "question": "What is the color of the pizza that is on a pan?"}, "7256166": {"program": "answer = \"no\"\nfor image in images:\n paintbrush = query(image, \"Is there a woman dipping a paintbrush into a paint?\")\n catsup = query(image, \"Is there a woman dipping french fries into a catsup?\")\n if paintbrush == \"yes\" or catsup == \"yes\":\n answer = \"yes\"", "question": "Is there either a woman that is dipping a paintbrush into a paint or a woman that is dipping french fries into a catsup?"}, "1055210": {"program": "image = find_matching_image(images, \"sink\")\nanswer = query(image, \"Is the sink above cabinet doors or a paper?\")", "question": "The sink is above cabinet doors or a paper?"}, "4037269": {"program": "image = find_matching_image(images, \"train near dirt\")\nanswer = query(image, \"Is the train blue?\")", "question": "Is the train that is near a dirt blue?"}, "6613159": {"program": "count = 0\nfor image in images:\n sheep_exists = query(image, \"Are there sheep?\")\n if sheep_exists == \"yes\":\n sheep = find_object(image, \"sheep\")\n sheep_count = len(sheep)\n if sheep_count == 2:\n fence_exists = query(image, \"Are the sheep behind fence?\")\n if fence_exists == \"yes\":\n count += 1\nif count >= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there is at least 1 image that contains exactly 2 sheep that are behind fence?"}, "105117": {"program": "image = find_matching_image(images, \"laptop on a desk\")\nanswer = query(image, \"Is the laptop open or closed?\")", "question": "Is the laptop that is on a desk open or closed?"}, "2519947": {"program": "image = find_matching_image(images, \"child\")\nanswer = query(image, \"What is the child in?\")", "question": "What is the child in?"}, "438287": {"program": "colors = set()\nfor image in images:\n desk_exists = query(image, \"Is there a brown desk?\")\n if desk_exists == \"yes\":\n mouse_exists = query(image, \"Is there a mouse on a brown desk?\")\n if mouse_exists == \"yes\":\n mouse_color = query(image, \"What color is the mouse?\")\n colors.add(mouse_color)\nif len(colors) <= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Do all computer mice that are on a brown desk have the same color?"}, "4127708": {"program": "count = 0\nfor image in images:\n stone_bench_exists = query(image, \"Are there stone benches?\")\n if stone_bench_exists == \"yes\":\n stone_benches = find_object(image, \"stone bench\")\n stone_benches_count = len(stone_benches)\n if stone_benches_count == 2:\n count += 1\nif count == 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there is 1 image that contains exactly 2 stone benches?"}, "3594473": {"program": "image = find_matching_image(images, \"baby\")\nanswer = query(image, \"Is the baby sitting on a table or a seat?\")", "question": "The baby is sitting on a table or a seat?"}, "4224061": {"program": "image = find_matching_image(images, \"girl and dog\")\nanswer = query(image, \"Is the girl petting a dog or yanking it?\")", "question": "Is the girl petting a dog or yanking it?"}, "409799": {"program": "colors = set()\nfor image in images:\n woman_exists = query(image, \"Is there a woman?\")\n if woman_exists == \"yes\":\n car_exists = query(image, \"Is there a car near the woman?\")\n if car_exists == \"yes\":\n car_color = query(image, \"What color is the car near the woman?\")\n colors.add(car_color)\nif len(colors) <= 1:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Do all cars that are near a woman have the same color?"}, "4629003": {"program": "image = find_matching_image(images, \"girl wearing a hat\")\nanswer = query(image, \"Is the girl that is wearing a hat snowboarding or reading?\")", "question": "Is the girl that is wearing a hat snowboarding or reading?"}, "2364163": {"program": "answer = \"yes\"\nfor image in images:\n person_exists = query(image, \"Is there a person?\")\n wearing_tshirt = query(image, \"Is the person wearing a t-shirt?\")\n if person_exists == \"yes\" and wearing_tshirt == \"yes\":\n is_lying = query(image, \"Is the person wearing a t-shirt lying?\")\n if is_lying == \"no\":\n answer = \"no\"", "question": "Is it true that all people that are wearing a t-shirt are lying?"}, "4337466": {"program": "image = find_matching_image(images, \"man wearing glasses\")\nanswer = query(image, \"What is the man that is wearing glasses eating?\")", "question": "What is the man that is wearing glasses eating?"}, "494564": {"program": "count=0\nfor image in images:\n lion_exists = query(image, \"Is there a lion?\")\n rock_exists = query(image, \"Is there a rock?\")\n if lion_exists == \"yes\" and rock_exists == \"yes\":\n lion_pos_x, lion_pos_y = get_pos(image, \"lion\")\n rock_pos_x, rock_pos_y = get_pos(image, \"rock\")\n if lion_pos_y > rock_pos_y:\n count += 1\nanswer = count", "question": "How many images with lions that are resting a body on a rock?"}, "5030580": {"program": "image = find_matching_image(images, \"man holding chopsticks\")\nanswer = query(image, \"What is the man eating, a napkin or a sushi?\")", "question": "The man that is holding chopsticks is eating a napkin or a sushi?"}, "1494078": {"program": "building_count = 0\nperson_count = 0\nfor image in images:\n car_exists = query(image, \"Is there a car?\")\n if car_exists == \"yes\":\n building_behind_car = query(image, \"Is there a building behind a car?\")\n person_behind_car = query(image, \"Is there a person behind a car?\")\n if building_behind_car == \"yes\":\n building_count += 1\n if person_behind_car == \"yes\":\n person_count += 1\nif building_count > person_count:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there are more images with a building that is behind a car than images with person that is behind car?"}, "1507621": {"program": "count = 0\nfor image in images:\n microwave_exists = query(image, \"Is there a microwave?\")\n if microwave_exists == \"yes\":\n cabinets = find_object(image, \"cabinet\")\n cabinets_count = len(cabinets)\n if cabinets_count == 2: count += 1\nanswer = count", "question": "How many images contain exactly 2 brown cabinets that are above microwave?"}, "6657695": {"program": "grass_image = find_matching_image(images, \"horse in grass\")\nriver_image = find_matching_image(images, \"horse in a river\")\ngrass_horse_color = query(grass_image, \"What color is the horse?\")\nriver_horse_color = query(river_image, \"What color is the horse?\")\nif grass_horse_color == river_horse_color:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Does the horse that is in grass and the horse that is in a river have the same color?"}, "3677108": {"program": "image = find_matching_image(images, \"man sitting on couch\")\nanswer = query(image, \"Is the man balding or reading?\")", "question": "Is the man that is sitting on a couch balding or reading?"}, "6254645": {"program": "count = 0\nfor image in images:\n pink_shoes = find_object(image, \"pink shoe\")\n pink_shoes_count = len(pink_shoes)\n if pink_shoes_count == 2:\n count += 1\nanswer = count", "question": "How many images contain exactly 2 pink shoes?"}, "4206971": {"program": "man_count = 0\nboy_count = 0\nfor image in images:\n has_man = query(image, \"Is there a man?\")\n has_boy = query(image, \"Is there a boy?\")\n if has_man == \"yes\":\n man_wearing_cap = query(image, \"Is the man wearing a baseball cap?\")\n if man_wearing_cap == \"yes\":\n man_count += 1\n if has_boy == \"yes\":\n boy_wearing_cap = query(image, \"Is the boy wearing a baseball cap?\")\n if boy_wearing_cap == \"yes\":\n boy_count += 1\nif man_count > boy_count:\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is it true that there are more men that are wearing baseball cap than boys that are wearing baseball cap?"}, "2074201": {"program": "image = find_matching_image(images, \"woman\")\nanswer = query(image, \"Is the woman holding a carrot or shredding it?\")", "question": "Is the woman holding a carrot or shredding it?"}, "4024152": {"program": "image = find_matching_image(images, \"person wearing glasses\")\nanswer = query(image, \"Is the person that is wearing glasses young or old?\")", "question": "Is the person that is wearing glasses young or old?"}, "1184395": {"program": "count = 0\nfor image in images:\n small_boat_exists = query(image, \"Is there a small boat?\")\n if small_boat_exists == \"yes\":\n people = find_object(image, \"person\")\n people_count = len(people)\n if people_count == 2:\n count += 1\nanswer = count", "question": "How many images contain exactly 2 people that are on small boat?"}, "1093540": {"program": "answer = \"yes\"\nfor image in images:\n girl_with_blue_shirt_exists = query(image, \"Is there a girl wearing a blue shirt?\")\n if girl_with_blue_shirt_exists == \"yes\":\n fence_exists = query(image, \"Is there a gray fence behind the girl?\")\n if fence_exists == \"yes\":\n answer = \"no\"", "question": "Is it true that no girls with gray fence behind them are wearing a blue shirt?"}, "5981909": {"program": "image = find_matching_image(images, \"sign on a building\")\nanswer = query(image, \"Is the sign that is on a building black?\")", "question": "Is the sign that is on a building black?"}} \ No newline at end of file diff --git a/gqa_examples50.json b/gqa_examples50.json new file mode 100644 index 0000000..6071671 --- /dev/null +++ b/gqa_examples50.json @@ -0,0 +1 @@ +[{"semantic": [{"operation": "select", "dependencies": [], "argument": "clothing (693480)"}, {"operation": "filter color", "dependencies": [0], "argument": "not(white)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["14199180", "14199179"], "equivalent": ["14199179", "14199178"], "question": "Which type of clothing is not white?", "imageId": "2383860", "isBalanced": true, "groups": {"global": "clothing", "local": "12q-clothing_n#white"}, "answer": "suit", "semanticStr": "select: clothing (693480)->filter color: not(white) [0]->query: name [1]", "annotations": {"answer": {"0": "693480"}, "question": {"3": "693475"}, "fullAnswer": {"1": "693475", "4": "693480"}}, "types": {"detailed": "categoryThat", "semantic": "cat", "structural": "query"}, "fullAnswer": "The clothing is a suit.", "image": "2383860.jpg", "question_id": 14199179, "captions": ["some people on a subway looking out of the window", "men red red self man red red red red red he red gentleman red suits with", "man on a metro train staring to the side", "two businessmen are shown in this close up shot", "this is a man with an awesome body that is very attractive and attractive", "the man with red tie is on a train", "two gentlemen in business attire look on as they ride the bus", "a man with a beard and a beard wearing a suit", "a man wearing a suit and tie and looking back while standing on a bus", "the man is wearing blazer and tie on a train", "a man with a beard with a briefcase bag", "a close up of a person looking at something", "two men are walking on a subway one of them wearing a jacket and tie", "three men are seen in this picture, but the ties are in the image", "some young men are standing in a room", "a man wearing a suit and tie on a crowded commuter bus", "an adult man with a beard on subway", "a man wearing a tie stares sideways", "a man is smiling in a suit and tie", "a man wearing a suit and red tie and a grey jacket", "a man in a tie looking away from two man with suit jackets", "picture from a man looking at the light from behind the coat", "two men looking in with their arms out toward the sky", "a couple of men standing next to each other on a train", "there is a male in an elevator and it is holding a pole", "a man with a bright business suit and red tie", "a man in a suit and redtie in a suit and tie", "this is an image of a person in a shirt and tie", "man is seen wearing a suit on a train", "a man in a suit looks up at the sky from inside an enclosed train car", "man in a business suit holding a briefcase", "a very man with a beard looks up into the direction", "three men in ties and ties in the image", "a man is posing in a street post", "a man in a suit and tie looking away from the camera", "a couple of people standing next to each other", "a man is dressed and wearing a grey blazer", "a young man in business attire standing and looking forward", "two men walking and posing in suits and ties", "a man standing on a train while wearing a red tie", "a man in a coat and tie looking at the ground", "a man with a laptop in his hand, is staring", "a man in business wear looking out over his shoulder", "a bearded man dressed in a suit stands looking over his shoulder", "a man wearing a jacket with a red tie and beard", "a man, wearing a suit and red tie, is out", "a man standing in a train holding a bag", "is the on a man a a two two a man men a a a a", "this is a man on a subway wearing a suit", "a man riding a train with glass poles attached to him", "a man looks to his left with a beard", "two men in a vest and tie are on a bus", "a man in a suit looks forward in front of the camera", "a man standing next to a pole with a red tie on", "a man in a tie who is wearing a suit and a suit jacket", "a man wearing a red tie is on a train", "a man is standing outside near the pole and talking", "one man in the foreground is standing and looking to the right", "a man in a business jacket posing for a picture", "some men are on a bus, one has a beard", "a man wearing a red pocket and a red neck tie", "a man standing inside looking off into the distance", "a man with a short beard and a backpack", "this man has a serious expression and just wants to tell", "man with a handbag in his left hand and a back to back briefcase in", "a man wearing a red striped tie and neck tie", "a man looking at something with blue eyes", "a man on his cell with a red tie and necktie", "a man in a neck tie and a red tie", "a person with a suit and red tie looking around", "men are standing right next to each other", "a man dressed, wearing a suit and red neck tie", "man standing up in profile looking off to the side", "a businessman wearing a red tie and a jacket", "man in a bus bus moving through this district", "the men is posing for a photo, dressed in suits and ties", "a man looking away from the camera in a room with people", "a man with a red tie and long beard", "two persons wearing ties and ties together, looking into a mirror", "two men on a subway are wearing ties and suits", "a man in a suit and tie, wearing a white tie", "a bearded businessman wearing a bag and tie", "a gentleman with colored spots and a tie and tie in the room", "this is an image of a man in the picture", "a male with a serious expression on the train", "a woman in a white dress and a man in a suit", "the man is wearing suit jacket and tie on the train", "a suit and tie is worn on a bearded man", "a man in a black suit a blue and gray suit and coat", "a man in a jacket and man in a suit standing inside an empty train", "a person wearing glasses in a group of other people", "man with red neck tie and red patterned neck tie", "a man who is not wearing a tie", "a person in a suit and tie wearing a neck tie", "man in tie with closeup portrait looks away towards the sky", "a man in a business tie is getting ready to move on a train", "a long coat on a man", "the man is wearing a suit and red tie", "a man looking up in the sky with a very sad look", "male transportation people on the subway with man in the background wearing a red tie"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "tree (672613)"}, {"operation": "relate", "dependencies": [0], "argument": "animal,in front of,s (672611)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["10956942", "10956892", "10956932", "10956933", "10956936", "10956937", "10956941"], "equivalent": ["10956934"], "question": "What animal is in front of the tree?", "imageId": "2388561", "isBalanced": true, "groups": {"global": "animal", "local": "14-tree_in front of,s"}, "answer": "panda", "semanticStr": "select: tree (672613)->relate: animal,in front of,s (672611) [0]->query: name [1]", "annotations": {"answer": {"0": "672611"}, "question": {}, "fullAnswer": {"8": "672613", "1:3": "672611"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The panda bear is in front of the tree.", "image": "2388561.jpg", "question_id": 10956934, "captions": ["a panda bear eats and rests comfortably on a tree branches", "the tree in the green - tree shade, has brown branches, and the shadow", "a panda bear, panda panda animal", "sitting panda panda panda panda panda giant panda panda panda panda panda panda panda panda panda", "a panda is laying down surrounded by leaves", "a panda laying on her back and relaxing on a tree", "a black and white panda bear with his back to the camera resting on the ground", "a large black bear with white fur sitting on his side on a fence", "a large bird sitting on a tree branch looking out over the woods", "panda panda panda panda panda panda panda panda panda panda panda panda panda panda panda panda", "a panda bear sitting on the bamboo eating something", "tree it tree tree a the stump branches tree hanging a wooden tree tree tree tree", "panda bear laying on a tree with panda bear eating bamboo while other bear rests near", "a panda bear is lounging on some greenery by a tree", "a little panda is sitting on a twig tree", "sitting in panda panda panda sitting asian panda cub panda sitting panda panda panda panda panda", "a panda lying on some bamboo and green foliage", "a panda looking back on a plant", "panda an panda panda panda is panda panda panda panda panda panda panda panda panda panda", "panda panda panda sitting panda panda panda polar panda panda panda panda panda panda panda panda", "a panda bears leaning on some branches while seated", "a panda bear is sleeping under some tree branches", "two panda eats tree eating about panda panda eating a zoo two eats panda panda a", "three wooden poles on a sunny day, with a tree limbs beside them", "a panda lounging on a tree on the ground", "a large bear laying on a bamboo bench", "a sleeping panda sleeping alone surrounded green bushes", "a panda panda lying and sleeping near a tree", "a panda bear lays relax on his panda bear's back next to a tree", "a panda bear that is sitting down under a tree", "a large white animal seated by a tree and a tree", "the panda bear is enjoying the leaves of a tree", "a panda bear sitting resting by a tree", "a panda bear sitting behind a tree by a fence", "a panda bear is sitting alone near a tree", "a panda bear is on the top of a scratching a tree", "a cute panda bear sleeping under a tree and the shade of a tree", "a panda bear in a tree and greenery in front of a fence", "a panda sitting behind a bush near a black fence", "a and panda sitting, lying under tree tree and a large tree", "panda panda on a rock sitting under tree and shade tree", "a panda bear sleeping on a tree with it's cub", "a panda sits on its back while eating bamboo", "a panda panda bear laying down on paws eating a tree", "a panda sleep in a bamboo tree leaning on a wooden post", "a bear looks up as he climbs into a tree for a glimpse on the other", "a animal that eats a branch of trees near a tree", "a white and black panda sitting on a ground", "there is a panda bear sitting on a tree branch", "i trees in thailand are an ancient willow tree", "a panda bear sitting under a tree next to a tree", "a panda sitting high up to some leaves behind a tree", "panda bear sitting in a tree eating a snack that had two hands on it", "close up of large pandas in tree enclosure", "leaning panda sitting while a resting panda bamboo a panda sits bear laying a sleeping panda", "a panda bear is laying on a bench next to a large tree", "a panda bear lays on its back while sleeping under a tree", "a giant panda sitting down near a tree", "laying sitting sitting there sleeping in sitting chair tree panda and panda a resting panda looking", "panda sitting under tree and watching tree roots grow", "a panda relaxing between two trees while a tree stands near", "a panda bear is playing and laying down next to a tree", "an elephant standing next to a tree and a tree", "china panda cub panda panda - eating a adult panda panda panda panda panda panda panda", "panda laying in bamboo in front of a tree", "a small tree and a small tree that has no leaves", "a panda bear laying down on the branches of a tree near a fence", "the panda bear is relaxing on a tree branch", "a panda bear is sitting in a tree looking at the camera", "a picture of a panda bear looking at a tree", "a panda bear sitting next to a tree next to a tree", "sitting panda panda a sitting bear panda panda panda panda panda sitting in lone baby -", "a panda plays in a tree in a forest", "a large fluffy bear sleeping up on top of his mother", "the fence behind the entrance and tree by blue metal fence", "a big bear that is laying down on a rock", "a panda sits on its back while hanging from a tree", "a panda napping on a bamboo bench near trees", "the cat is sitting in a tree eating something", "a black and white bear is rubbing its head on a tree", "a baby panda lays on the branches of a tree", "a panda eats a bamboo in his enclosure at the national zoo", "a panda bear that is standing on a wooden branch", "a panda bear sitting under the shade of a tree", "a panda bear and tree eating", "giant panda in the tree on black and white legs", "a large panda laying on the ground near a tree", "a black and white panda sleeping on a pole", "a panda laying down on its back under a tree", "panda panda panda panda bear panda cub panda panda panda one", "a bear that is sitting on its hind legs in the shade of a tree", "giant panda bear monkey on bamboo post in trees", "a panda laying on the ground next to a tree", "a panda laying on a branch in front of a camera", "tree branch branches tree tree branches tree branches in tree tree panda in chinese panda bear", "panda bear relaxes under a tree near a fence", "panda panda panda panda sleeps panda - panda while panda panda panda panda panda panda giant", "a panda bear bear eating something near to the tree", "a panda eating branches near a tree", "large panda panda sitting near trees eating bamboo leaves"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "fan (1317247)"}, {"operation": "relate", "dependencies": [0], "argument": "appliance,same color,_ (1317233)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": [], "equivalent": ["02763807"], "question": "What type of appliance has the same color as the fan?", "imageId": "2383773", "isBalanced": true, "groups": {"global": "appliance", "local": "14-fan_same color,_"}, "answer": "air conditioner", "semanticStr": "select: fan (1317247)->relate: appliance,same color,_ (1317233) [0]->query: name [1]", "annotations": {"answer": {"0:2": "1317233"}, "question": {"10": "1317247", "3": "1317233"}, "fullAnswer": {"9": "1317247", "1:3": "1317233"}}, "types": {"detailed": "sameRelate", "semantic": "rel", "structural": "query"}, "fullAnswer": "The air conditioner is the same color as the fan.", "image": "2383773.jpg", "question_id": 2763807, "captions": ["a living room with a leather couch next to a light fixture", "i think a cool small office to work on", "a small living room with hardwood floors and two small air conditioner unit in the", "a large air conditioner hanging from the ceiling", "a living room filled with a sofa under windows", "a room with a desk and three monitor monitors", "a living room with a large window and wood floors", "an image of a clean home room in a state", "a living room with a living couch, window, and fan is pictured", "large flat television in a bright living room", "a room with two windows and a desk with a monitor and tv", "a dark television set sits near a window", "a living room with hard wood floor and a fan", "a hardwood floor is shown in the daytime", "a living room with wood floors and tall windows", "a small living room with a couch, chair, and a window", "a very neat room with an air conditioner and a couch", "a small room with some windows and lots of sunlight", "a wood floor with lots of wood floors and some air conditioner", "a sofa is next to a television with remotes on it, and a air", "a desk with computer screen, a monitor and a keyboard", "a black leather chair sits in the corner in front of a fan", "a room full of computer desk and work station in a city", "a room with parquet floor and wood floors", "a tv is shown in the living room", "the living room, with wooden floors and wood flooring", "the office is clean and empty, in the corner", "the room has hardwood floors, white walls and there are electronics inside", "a clean living room with two large windows in them", "a room with a computer chair, a lamp, and a chair outside", "a room filled with a fan and a television and couch", "a nice and cozy living area with hardwood floors", "some televisions are sit in a room near a air source unit", "a living room filled with a couch and window air conditioner", "a gray chair a picture and a some pictures and a vase", "a computer desk with a monitor on it", "room with furniture and a wall with big screen television and couch", "a living room filled with furniture and a fan", "a living room with light on and a ceiling fan over unit", "wood floor with hard wood parquet floors and three bookshelves", "a room with a television and desk on top of wooden floors", "there is a very small apartment with many windows and a ceiling fan", "a small office with a laptop, air conditioning appliances and a window that looks out", "a living room with a ceiling fan looking large", "window air air home fans living living a and air h the air apartment apartment a", "all the different flat screen televisions are sitting on the wooden floor", "an apartment with a air conditioner, air conditioner and computer stations", "a living room scene with the sofa and a laptop", "a small living area with wooden floors and fans", "a flat screen tv sitting in a small space", "a large room with a ceiling fan and wood floor", "a flat screen tv on a stand in a living room", "a room with a air conditioner and a ceiling fan", "a big large flat screen television in a room", "a room with a fan and air conditioner and a ceiling fans", "a living room with hardwood flooring and a brick wall", "a living room filled with furniture and windows", "room with wooden floor in small apartment with large window", "an office with multiple computer desks, lots of computer space", "the living room has wooden floors and floors in the room", "a room with a large wood floor", "a window in a home is shown here", "a living room with two big windows and four big windows", "the tv is lit and ready for the television to go in", "a living area with hardwood flooring and a fan", "living room with a white wall and windows", "a living room filled with furniture and air conditioning unit", "an air conditioner is on above a chair and a desk", "a living room with a wooden floor and hardwood floors", "a very bright bedroom with big windows is located", "a television and a desk in a small room", "a picture of a room with wood floors and white walls", "hardwood floor with some ceiling fan and flat screen tv", "a room with air cooler, air condition, fan and small window", "a view of a modern living room with leather armchair and small window", "the living room has hardwood floors and a white refrigerator", "a big nice living room filled with lots of lights", "tv and air conditioner in a small furnished home", "the room has several light fixtures on the wall", "a room with a fan and a window", "a computer desk sitting in a room under a large window of bright sunlight", "a room that is well furnished and clean", "this is an image of a room with wood floors", "this is a photo of someone's living room", "a large television and air conditioner in a small apartment room", "apartment large hardwood flat large, living long hardwood room in chairs living a living hardwood", "a large room with hard wood flooring and hard surface", "a large room with hardwood floors and a fan", "a living room with wood floors and a television in the center", "a tv is on in a modern room", "a room with wooden floors and a window", "a picture of a room with a couch and entertainment unit", "a room with hardback, a tv, air conditioner, fan and ceiling", "a big very cool looking looking living room with a nice tv", "an empty living room is shown with black couches and a computer monitor", "a wooden floor with pictures on the walls", "a living room with a ceiling fan and a window", "a house with a desk, printer and window air conditioner", "a living room with an air conditioner on the far side", "this is a picture of a living room with wood flooring"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "shirt (1177406)"}, {"operation": "relate", "dependencies": [0], "argument": "girl,wearing,s (1177407)"}, {"operation": "choose rel", "dependencies": [1], "argument": "chair,to the right of|to the left of,s (1177403)"}], "entailed": ["10419733"], "equivalent": ["10419734"], "question": "Is the white chair to the right or to the left of the girl that is wearing a shirt?", "imageId": "2398674", "isBalanced": true, "groups": {"global": null, "local": "13-girl_chair"}, "answer": "right", "semanticStr": "select: shirt (1177406)->relate: girl,wearing,s (1177407) [0]->choose rel: chair,to the right of|to the left of,s (1177403) [1]", "annotations": {"answer": {}, "question": {"18": "1177406", "13": "1177407", "2:4": "1177403"}, "fullAnswer": {"1": "1177403", "8": "1177407"}}, "types": {"detailed": "relChooser", "semantic": "rel", "structural": "choose"}, "fullAnswer": "The chair is to the right of the girl.", "image": "2398674.jpg", "question_id": 10419734, "captions": ["a couple of people are standing in front of a white house", "many toddlers are playing on the tennis court together", "a group of some children and adults at a tennis court", "a picture of some little kids playing on a tennis court", "an woman in a grey kim is the mother and his husband and their kids", "there are numerous children playing tennis on the court", "a woman in an orange shirt and an orange t - shirt", "kids and an adult at a tennis courts playing on a grass court", "one child standing in front of other little children, the two of them are clapping", "some kids and a boy by a tennis net", "a family are having a healthy and well balanced tennis practice", "people are all dressed and waiting for a tennis match", "a group of young kids are standing together and eating ice cream", "a woman watches a child walk,", "the people are standing on a tennis field", "a woman and two young children at a tennis court", "the woman is holding a tennis racket while the little girl looks at her", "a group of kids play tennis on the court", "a woman and a child a man, a man, and children are on their", "tennis a tennis tennis people tennis kids rack players tennis tennis tennis tennis on tennis teachers", "three girls and a boy on a tennis court", "a group of people standing near a net", "young children have a group of their parents in front of a tennis net", "a white white house with three children all wearing orange", "large crowd of kids playing together on a tennis court", "a family playing together on a tennis court", "a group of young children playing on a tennis lawn", "small child in orange on a tennis court", "some people stand out in a line near a building", "there are many children playing on this basketball court", "a group of people standing around holding tennis rackets", "an image of some kids shaking hands on the tennis court", "a group of people standing on top of a tennis court", "children at a tennis court with people around the tennis court", "a kid holding a tennis racquet on a tennis court", "a child standing by an adult on a tennis court", "family is doing tennis at the tennis court, looking to be taking a break", "a small group of people standing near them playing tennis", "kids a people people a an large children with a children children of a several a", "a group of people and children on a beach in the ocean in the sun", "a girl with a orange shirt is playing with a tennis ball", "a group of people walking across a tennis court", "a group of children play a soccer game on the court", "a group of several kids playing a play match tennis", "a woman is playing tennis with a family on a court", "tennis the camp camp with as in one orange child child and the outside small a", "the child is playing on a large, bucket on the tennis court", "a group of children playing on a tennis court", "a the people little the some children child is the the the children children people a", "young children play with toy and others in a yard", "kids being people young kids children kids children people kids tennis children children the kids young", "a boy and boys learning and some people", "a ball is being played on the court with frisbee and water", "a small group of children on a tennis court", "a group of people and balloon - floating toys in a court", "an image of a child playing on a tennis court", "a small couple of children that are on a tennis court", "children are playing basketball in an urban setting", "there is the young child sitting by an bucket and black garbage can", "kids getting ready for a game of tennis with a teacher", "a woman in a black dress stands with two children tennis players", "two children playing of a game during an adult teaching teaching young with a kid", "a woman and a child are at a tennis match", "a family in the market waiting for a ball to happen", "a group of kids walking on a pavement", "child a a on the a adults a many a a the a this this many", "small child's shoes sitting on the ground on a tennis court", "group of people standing near a small child holding a tennis racquet", "people playing outside on a tennis court near a child with blue pants and blue boots", "a woman with two children near a tennis net", "a woman and a group of people playing tennis", "the children riding a motorized bike to ride on a court court", "people are on a tennis game with the kids", "people all of them are the children from the past", "a man standing next to a woman at a tennis court", "a woman with a child posing for a photo posing", "groups children the a a children a group children children group adults people the many kids", "there is a group of children on the tennis court", "a tennis court with a ball boy and a man preparing the ball", "net net playground kids on children of kids a young tennis badminton young child a the", "a family plays ball on a basketball court", "a family standing together in front of people", "a group of people standing on a tennis court", "a children the all child some two a people children the a todd this two young", "a group of children in front of a mother, a woman and two children", "a woman on a tennis court about to return the ball", "a women standing on top of a tennis court next to a court", "a group of family having a court tennis meet", "a mother and some small children sitting by a window", "people sitting around and walking around in the street", "a woman is standing and two males are standing on a tennis court", "a group of people watching some of the children are learning", "a family of people play and learn from small children", "a woman, with a tennis racket and a young boy", "this is a small kids'play tennis on a court", "a woman stands on an tennis court with the parents and kids and an adult in", "group of children playing on beach tennis courts", "children and adults gather in front of a small building", "a tennis court with children playing and their toys", "the kids learn how to run towards a network ball"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "trash can (1267416)"}, {"operation": "verify rel", "dependencies": [0], "argument": "bag,to the right of,o (-)"}], "entailed": [], "equivalent": ["15594542"], "question": "Is the garbage bin to the right of a bag?", "imageId": "2388680", "isBalanced": true, "groups": {"global": null, "local": "13-trash can_bag"}, "answer": "no", "semanticStr": "select: trash can (1267416)->verify rel: bag,to the right of,o (-) [0]", "annotations": {"answer": {}, "question": {"2:4": "1267416"}, "fullAnswer": {"2:4": "1267416", "10:12": "1267408"}}, "types": {"detailed": "relVerifyCo", "semantic": "rel", "structural": "verify"}, "fullAnswer": "No, the garbage bin is to the right of a toilet paper.", "image": "2388680.jpg", "question_id": 15594542, "captions": ["a bathroom with a toilet, sink, a towel rack and a door with a", "a bathroom with a mirror and a white shirt hanging out of it", "a bathroom has a white sinkstone under a mirror", "a small bathroom with an ornate mirror above the sink", "a small bathroom with toilet and sink, and other amenities, including a water tank", "a mirror in a small bathroom with toiletries below", "a toilet next to a sink and a towel basket", "a glass bathroom door with a roll of white towels on the toilet lid", "a clean, well stocked hotel bathroom with clear glassware", "a mirror is over the toilet in this bathroom", "a white sink next to a toilet and some towels", "a hotel bathroom has towel and toiletries right next to it", "a bathroom mirror a toilet a towel rack and a faucet", "interior of a hotel bathroom with bathroom accessories scattered on the floor", "a toilet is next to the glass wall", "the toilet has its seat up against the wall", "toilet viewed from above looking into mirror", "a bathroom with a sink and a toilet", "a bathroom scene with focus on the toilet", "a well lit bathroom with toilet, sink and shower", "a large and narrow bathroom with a toilet", "a small, clean bathroom with glass shelves", "a toilet sitting in a bathroom underneath a bathroom mirror", "a bathroom with a glass cabinet next to the toilet", "the dog is looking in the mirror", "a photo of a bathroom at a hotel", "there is a picture of a bath room", "a toilet has towels and a bathrobe on the shelf", "a bathroom with toilet seat up close and a bathroom mirror above", "a modern bathroom with toilet and sink and white towels on the wall", "a modern looking bathroom with toilet paper dispenser in the corner", "a sink and a mirror in a bathroom", "a bathroom has a sink, towel rack, and towel", "view of the bathroom with all the amenities, and a glass of wine", "a bathroom has a tall mirror, sink and toilet", "a bathroom mirror with the lights reflected in from it", "the bathroom is clean and ready to use", "a toilet is in a bathroom near a bathroom sink", "a bathroom that has a toilet and a glass cabinet", "a toilet next to a sink next to a toilet in the bathroom", "a white tub room with white sink and a toilet", "a clean bathroom has a towel rack and toiletries", "a bathroom sink that is in front and the waste bin", "a white bathroom with a toilet, sink and bathtub", "large contemporary bathroom with a toilet and tiled floor", "a toilet that has white towels placed around it", "a bathroom that has a lot of towels on a towel stand on the sink", "a toilet, rack, and mirror in a small bathroom", "a toilet sitting next to a tall mirror on a cabinet", "a bathroom with a sink and a large mirror", "looking into a bathroom mirror, showing the glass shelves across the mirror", "a bathroom has an unusual chrome toilet lid and handrail", "a bathroom with a sink and mirrors, as well as two other items", "a bathroom with a sink, window, mirror and sink", "a bathroom that has an empty white toilet in the corner", "a sink in the corner of a small bathroom", "a bathroom with toilet seat and a sink", "a bathroom has towels on the floor and toilet", "the bathroom has a mirror and a toilet", "a mirror over the sink is reflecting a lot of towels", "a bathroom that has a white toilet and a sink", "white sink with no sink in bath room next to toilet", "a bathroom with black and white floor tiles and white walls", "a toilet, a cup of coffee, and a pair of socks are all found", "a bathroom with a sink, toilet next to it", "an image of a bathroom setting that is under a large mirror", "a sink sitting next to a mirror with towels on top of it", "toilet and sink in a bathroom decorated in traditional european design", "a long glass enclosed with shelves, mirror, toilet, and a mirror", "a bathroom has a toilet and a large mirror", "a bathroom with a toilet and a bathtub on a carpet area", "a small bathroom with a metal ladder and towel holders on the wall", "a small modern rest area with a modern sink, and a small toilet near it", "a bathroom that has a mirror and a sink", "the mirror in this medicine cabinet is full of reflection and white bathroom fixtures", "a bathroom with a sink, mirror, coffee table, and toilet", "a glass walled bathroom with a toilet, seat and mirror", "this view of a bathroom shows a bath tub and a sink", "a toilet, sink, and shower sitting in a bath room", "a very big pretty sink in a room", "a bathrobe and other toilet rolls on a tile floor", "a bathroom decorated with a variety of bathroom accessories", "a hotel mirror reflects a toilet, and it's reflection is also seen", "small bathroom sink and toilet in small bathroom", "a hotel bathroom with large mirrors above the sink", "a toilet bowl vanity mirror mirror towels and a toilet", "a nice and clean bathroom with a big mirror", "a bathroom with a white sink and a toilet", "a sink in a bathroom with towels and a towel rack underneath it", "a white bathroom sink sitting under a large mirror", "a bathroom has a sink that is under glass", "a white sink in a bathroom next to a mirror", "this bathroom is in a building located on the top floor of the building", "bathroom with shelves above the toilet and towel on a rack above the toilet", "square white sink in very small bathroom with two stools", "a small bathroom that has a mirror and a white sink", "a bathroom mirror with a shelf of towel towels and a soap dish", "a room with a bath tub toilet and a bunch of white towels", "a very shiny looking small bathroom with a toilet stall", "a bathroom with the door opened revealing a green wall"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "clothing (2616475)"}, {"operation": "filter color", "dependencies": [0], "argument": "pink"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["12797925", "12797926", "12797927"], "equivalent": ["12797924"], "question": "What is the name of the pink article of clothing?", "imageId": "2368594", "isBalanced": true, "groups": {"global": "clothing", "local": "12q-clothing_pink"}, "answer": "shirt", "semanticStr": "select: clothing (2616475)->filter color: pink [0]->query: name [1]", "annotations": {"answer": {"0": "2616475"}, "question": {"7:10": "2616475"}, "fullAnswer": {"1:3": "2616475", "5": "2616475"}}, "types": {"detailed": "categoryAttr", "semantic": "cat", "structural": "query"}, "fullAnswer": "The clothing item is a shirt.", "image": "2368594.jpg", "question_id": 12797924, "captions": ["a little toddler baby in pink crawls for her pink pajamas", "the baby is sitting next to a two large boards", "a baby long pink pink pink pink pink pink pink pink pink one pink a child", "a baby girl in a pink long sleeve pink pants and a pink sweater she wore", "a baby in pink is sitting on green green skateboards", "baby girl looks in the mirror of a skateboard in the background", "a baby in pink sweaty", "child in pink's pink long rom and a pink skateboard", "little baby girl in pink and pink is in pink and is dressed up on a", "skate baby black a a baby a with todd skate pink baby a skate skate skate", "a woman in a pink top and a child in a pink onesie sitting on", "baby, pink a on pink pink up todd ten one in baby pink 100 the", "a baby in a pink pink pink jumpsie bodysuit with pink shirt and a", "a baby in a pink top is standing with a skateboard", "a portrait in in is the the pink a in pink adorable an a one a", "girl, a and pink pink pink pink pink one a the pink pink pink she", "a cute baby sitting on a toy in a pink shirt on the floor", "the young child is dressed in a light pink hoodie and pink and pink sneakers", "a pink shirt a pink top a pink shirt and a pink shirt", "a little baby wearing pink long pants and pink shirt", "this is a image of a baby girl in pink clothes", "baby in her pink jacket is smiling at the camera", "a baby girl wearing a shirt with a skateboarder's background", "a young girl rides on top of a skateboard", "she a baby infant a a a this a a little pink a a woman wearing", "a pink baby shirt and pink bodysuit", "a young boy in pink top and white pants", "a child wearing a pink shirt and sweatsuit next to a half moon skateboard", "a young girl in a pink pink romor rides a skateboard", "a young girl dressed pink is standing next to a skateboard", "a young a baby pink girl in pink a small baby a a pink pink pink", "pink outfit on a child's body", "a young girl plays in pink, looking at the camera, and sitting on a", "baby girl in pink and pink on top of a skateboard", "baby a one baby is one pink pink a in a a pink baby pink baby", "a young infantler of some sort in a pink outfit and pink pants and pink", "a pink shirt for a toddler girl in a pink outfit", "a girl is riding her skateboard in the carpet", "a picture of a person on a skateboard", "a baby is a little girl wearing a pink pink clothes", "a baby girl rides a small pink skateboard", "a small baby with a pink oneshirt on top is holding a skateboard", "pink pink pink baby in pink and baby on, a the pink baby baby pink", "baby in pink footed pink outfits sitting on a pink skateboard", "baby long she baby pink pink baby pink baby one a a pink pink pink girl", "a girl in pink sweater riding a skateboard", "a little baby girl in pajamas sits on a skateboard", "baby baby girls pink pink pink pink foot pink pink and p in a pink pink", "a small child wearing a pink outfit, in a pink outfit", "a pink kids pink infant baby girl pink pink pink little pink pink kid baby kid", "baby pink pink the a baby baby baby a an ones baby in a babies pink", "a baby girl in a pink outfit is laying down", "a baby sitting on the floor in a pink shirt", "a toddler on floor wearing pink suit sitting in front of his skateboards", "a baby girl in pink is sitting down", "a little baby on a pink skateboard", "a young baby sits on a skate board in pink and is looking at the camera", "a little girl wearing a pink outfit", "baby in pink pajamas in front of pink skateboard", "a pink shirted baby top on a skateboard", "a baby sits on a rolling skateboard, wearing a pink outfit", "a baby is sitting on a skateboard, on its belly", "a young girl in a pink outfit", "a toddler dressed in pink is looking into camera", "a baby is in a pink shirt and pink shirt holding a skateboard", "the baby is sitting on the floor next to two large wood boards", "a young baby wearing a pink shirt looks a pretty looking", "a child in pink and white on a pink shirt", "a baby girl lays on a skateboard with a baby", "a baby girl is sitting on a skate board", "a girl with pink pants is in a pink shirt and pink top", "a little baby girl wearing a pajamas on its face", "a young child in pink and a pink long sleeve", "a baby in a pink shirt and pink pants holds a pink skateboard", "a child wearing a pink outfit is smiling", "she the kid and a a female and this baby a while a pink, baby", "a baby wearing a pink outfit sitting on a skateboard", "a little girl in a pink shirt and a pink jumper", "a baby in a pink onesuit posing for a picture with a foot on a", "a baby sitting on the floor on a pink ground", "young girl sitting sitting next to a skateboard and pink shirt", "little baby on a skateboard, pink 1 - in - pink pink and light", " baby baby baby girl looking baby pink pink baby, baby this baby, pink", "a baby girl wearing pink and pink pants and a pink outfit riding on a skate", "a baby with a skateboard", "a small baby girl is wearing pink, pink, and white sweaters and is", "a, a pink pink a baby pink small girl pink todd a sitting a a", "child in baby in a bodysuit top sitting on the ground", "a small baby is posing for a picture at the bottom of a sofa", "a child wearing a pink pink coat sitting in front of a skateboarder", "a small baby baby sitting up wearing a pink shirt", "a young baby wearing pink and pink clothes near a skateboard", "a small baby dressed up in a pink sleeperwear is on three wooden feet", "an adorable baby sitting on two feet on top of a skateboard", "a baby girl on a skateboard is wearing a pink sweater", "a baby baby is sitting in its arms", "the girl appears to be looking forward with the camera", "skate baby the this in pink baby pink the baby a a a pink todd little", "young pink pink girl baby pink of infant the pink pink pink baby pink pink a", "a small baby girl in a pink onesuit crawling on the couch"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "bottle (410508)"}, {"operation": "relate", "dependencies": [0], "argument": "appliance,to the left of,s (410475)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["14433985", "14433866", "14433987", "14433992", "14433993", "14433990", "14433991", "14433989", "14433988", "14433839", "14433840"], "equivalent": ["14433986"], "question": "Which kind of appliance is to the left of the bottle?", "imageId": "2400220", "isBalanced": true, "groups": {"global": "appliance", "local": "15-bottle_to the left of,s"}, "answer": "blender", "semanticStr": "select: bottle (410508)->relate: appliance,to the left of,s (410475) [0]->query: name [1]", "annotations": {"answer": {"0": "410475"}, "question": {"3": "410475"}, "fullAnswer": {"1": "410475", "4": "410475"}}, "types": {"detailed": "categoryRelS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The appliance is a blender.", "image": "2400220.jpg", "question_id": 14433986, "captions": ["blend blend blend smooth someone in a making someone blended hands a in blend w mixer", "an image of a white food processor being hand", "a person placing the contents of the blender into the blend pitcher", "hand holding spoon over a white blender filled with milk and oat", "person holding a mixer with food inside their hand", "milk being mixed into a clear blender with a small white pitcher", "a person mixes ingredients in a blender", "a blender with a glass containing a bowl and spoons", "a person blendting almond in a blender", "a person is stirring liquid into a blender", "a blender making a smoothie on an overcast day", "someone using the power blender with batter inside the bowl", "a blender full of white liquid spilling milk", "an image of a white blender with some items inside", "a blender is shown full of liquid", "coconut blended white milk the blend w cream white milk blend blend nut vanilla orange a", "a small blender in a hand holding a glass with milk in it", "blend blend cream a whipping whipping the being blend food in blend milk image blend liquid", "the milk is pouring into the blender", "picture of a blender with white liquid in it", "a hand is holding a piece of plastic over the clear part of the blender", "a blender is full of milk that is not cream", "a person is mixing something in a blender", "a bowl filled with fresh, creamy milk", "someone blends a blender that contains flour into cream yogurt", "a hand holding a blender being processed with yogurt", "a person that is using a blend maker to scoop something in", "someone is blending a blended peanut milk inside of a blender", "a white blender being used for making food", "a blender with white liquid with milk mixture", "a blender in the kitchen is making a beverage", "a blender with white cream in it sits on a sink", "a hand is making a banana cream inside a blender", "a blender with a pitcher of frosting on top of it", "someone putting a clear liquid in a blender to smoothe it", "a person is grinding something inside of a blender", "a counter top blender with an empty blend pot beside the maker", "food processor with food inside one and a white lid", "a blender being prepared so good you can have it frozen anytime", "a blender filled with blending fluid with a person pressing the button", "a white blender is glass and has someone inside", "the making juice is creamyed in to the juice inside", "a blender attachment being filled with a cream filled inside of a nutrique", "a man hand holds a large blender", "a hand reaching for a blender full of milk", "an image of a juice processor with something in it", "a persons hand grabbing a handle on a mixer", "a person holding a blender containing ingredients milk", "a person is mixing ingredients in a blender", "a blender filled with some liquid inside of it", "a blender is on top of a milker to make frosting", "a blender has been making a smoothy in it", "a blender with a blender to blend the liquid", "someone blending something in the blender blender", "a blender with a big amount of milk inside it", "a woman is peeling a piece from the container of a blender", "a white blender and a blender filled with milk", "a white mixer that has some whipping milk on it", "a blender with wheys in it that is filled to a beak", "a person making milk in a blender", "a blender filled with smoothie in a clear pitcher", "is nut white being, hand milk being a white milk blend blend in blending milk", "white blender with milk pouring", "milk vanilla batter blend milk vanilla blend milk white a a blend milk adding ingredients blended", "the someone is using a blender to blend the milk", "a close of view of a blender with no ingredients needed", "a person making something in a food processor", "hand on spoon about to blend up the glass of a blender", "a hand holds a blender that has a mound of melted milk", "ingredients sitting ready in the blender of a juicer filled with flour", "a person is getting milk out of a blender", "a white blender is being used to use a food processor", "milk being made using a juicer filled with bananas", "a blender filled with liquid on top of a wooden table", "a blender attachment being blended to blend and rejuvene", "someone is holding a blender filled with a bowl of melted cheese", "someone putting a spoon into a blender while on the kitchen counter", "a person holding a blender filled with a mixture", "a person making a bowl - filled batter in a blender", "a big blender with a food batter inside of it", "a blender filled with a large blender of milk", "cream a a an a a the making a ingredients a a the cream a a", "a homemade milkshake that is made in a small blender", "a blender jar filled with white ingredients", "a hand held about a blender filled with a mixture", "a white blender full of liquid inside of a container", "a frozen drink in a blender sitting ready to be whipped into its mixture", "milk in a blender being held as someone holds the blender as the blend", "a blender is full of milk and a person putting butter in the bowl of", "a hand is holding a blended ice cream", "flour is the inside of a blender making smoothie batter", "a white mixer with some food in it", "a blender is blending white cream in the blender", "a person is holding an electric blender and putting milk in it", "a white blender filled with some liquid", "an open white blender on a bathroom counter", "a blender with a blender and liquid inside", "a hand feeds a blender that's being used to make a smoothie", "a blender that has some ingredients inside of it", "w milk a a blend vanilla white white blend white white yo white sauce milk blend"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "motorcycle (3089487)"}, {"operation": "relate", "dependencies": [0], "argument": "_,on,s (3402972)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["12301212", "12301209", "12301213", "12301200"], "equivalent": ["12301208"], "question": "What is on the motorbike?", "imageId": "2330895", "isBalanced": true, "groups": {"global": "object", "local": "14-motorcycle_on,s"}, "answer": "mirror", "semanticStr": "select: motorcycle (3089487)->relate: _,on,s (3402972) [0]->query: name [1]", "annotations": {"answer": {"0": "3402972"}, "question": {"4": "3089487"}, "fullAnswer": {"1": "3402972", "5": "3089487"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The mirror is on the motorbike.", "image": "2330895.jpg", "question_id": 12301208, "captions": ["a very close view of reflection in motorcycle's side view mirror", "a side view mirror of a bike that is not moving", "a rear view mirror of a motorcycle while it sits in traffic", "a man reflected in a mirror and its reflection", "a motorcycle close up in a mirror attached to it", "a man in a mirror on a motorcycle", "a bike mirror with some handle bars attached", "a rear view mirror reflecting a person wearing red sunglasses", "the rear view mirror of a motorcycle as we ride", "a close up of a motorcycle handle bar", "a close up of a rear view mirror of a motorcycle", "side mirror attached to a light on a motorcycle", "a rear view of a motorcycle with red glasses and the mirror reflecting", "yellow and black eye glasses on top of a motorcycle", "an old man with a mustache and an mustache bearding has his motocycle", "side mirror of a parked motorcycle seen from the side view mirror of a vehicle", "a photo of a side mirror of a motorcycle", "a motorcycle side view mirror with focus on the mirror", "a motorcycle motorcycle handle the bike chrome a brake silver chrome chrome a motorcycle", "the side mirror reflection of a motorcycle is showing that it is in the road near", "the rear view mirror of a motorcycle shows the image of the front view side view", "a rearview view of a motorcycle next to a mirror", "man in a car side mirror on a bmw motorcycle", "the reflection on the back of the motorcycle reflecting in red glasses", "the black motorcycle has a handlebar and levers on the handle", "the close up of a motorcycle with the side view mirror on", "a man with glasses watches in a side mirror of motorcycle mirror", "a picture of the handlebars on a motorcycle", "an image of close up of a motorcycle mirror", "mirror of a motorcycle showing the bike and the bike", "motor motorcycle photograph motorcycle, reflection shot mirrors there seat black image view side close bicycle", "a yamaha motorcycle with its mirror reflected in the mirror", "a bike mirror showing the color reflecting in it", "a view of some mirrors on a motorcycle", "a mirror is that is reflecting the motorcycle", "a person is behind the wheel of a motorcycle looking out", "the side view mirror on a bicycle has a reflection of a person's", "the mirror is reflecting the bike's reflection", "the side mirrors on a motorcycle on a road, showing side view", "a mirror in the front of a motor bike", "a rear view mirror on a motorcycle shows the right turn", "a close - up of a side view mirror on a motorcycle", "a motorcycle mirror showing it's side view mirror", "a motorcycle with a side view mirror reflecting a sky", "a helmet mirror sits on top of a scooter", "a view of mirror from a motorcycle side view mirror", "a side view mirror on the seat of a motorcycle", "a photo of a motorcycle mirror reflecting a motorcycle image", "close up of a motorcycle reflections with a rearview mirror", "the rear view mirror of a motorcycle with a red stripe in yellow and reflective glasses", "a man is reflected in the side view mirror of a motorcycle", "a motorcycle with a motorcycle mirror with a helmet on a clear day", "a man with glasses on top of a motorcycle mirror", "a side view mirror of a motorcycle's side view mirror", "the side mirror in the mirror has a side of view window view", "this is a picture of a man in a rear view mirror", "the person in the rear view mirror takes a picture", "a motorbike has there is no parking sign", "a photo of someone sitting in the mirror of the car", "a motorcycle is being photographed as it goes downhill", "a side view mirror on a black motorcycle", "a person on a motorcycle with an mirrors reflections", "a side mirror shows the logo on the side of the motorcycle", "photo of motor bike looking in the rear view mirror", "a motorcycle mirror and the words", "a motorcycle viewed in a side mirror of a person", "the reflection of a man staring straight ahead is in that reflection", "a side view mirror that has multi colored glasses on it", "a closeup of a person on a motor bike", "a photo of a mirror on a motor cycle", "a man looking looking at the camera while posing on his motorcycle", "a close up photo of a black side - mirror seen as it reflections", "a man with a bald head sits in a back end mirror", "a motor bike side view mirror reflected in the rear rear view of a bike", "a motorcycle's tail handle handle while riding", "this mirror is open and a picture of motorcycle mirror", "a man with a mustache on a motorcycle mirror", "a man with a mustache wearing a moter mirror", "a bike photo of an older man taken in a rear view mirror", "the handle bar of a black motorcycle has an on - off cap and a hat", "the motorcycle's mirror is reflecting a scooter", "a rear view mirror is shown by a motorcycle", "a man driving a motorcycle is seen in a photo", "the reflection of a man is in the rear view mirror of his motorcycle", "the reflection of a man in a motorcycle mirror", "a man wearing a helmet with the mirror on", "a reflection of a man on a rear view mirror", "a reflection in side view mirror of a motorized bike", "the view of a rear view mirror from the seat of a motorcycle", "a motorcycle side mirror turned on and with chrome parts on it", "the convex mirrors are on a motorcycle", "a reflection is in a motorcycle's side view mirror", "a motorbike shot off into the distance, looking straight at it", "a man staring into the side mirror of a motorcycle", "a motorcycle with a bright yellow eyes on it's handle", "view of a motor bike mirrors in his side view mirror", "a man has his picture taken in the side mirror of a motorcycle", "a mirror of a rear view mirror taken from a car mirror", "the rear view mirror of a motorcycle as the side view mirror shows", "a man that is staring over a side view mirror"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "giraffe (1146485)"}, {"operation": "filter pose", "dependencies": [0], "argument": "standing"}, {"operation": "verify color", "dependencies": [1], "argument": "brown"}, {"operation": "verify height", "dependencies": [1], "argument": "tall "}, {"operation": "and", "dependencies": [2, 3], "argument": ""}], "entailed": ["15802316", "15802317", "15802318", "15802319", "15802328", "15802321", "15802320", "15802323", "15802322", "15802325", "15802324", "15802327", "15802326"], "equivalent": ["15802315", "15802316"], "question": "Is the giraffe that is standing tall and brown?", "imageId": "2401567", "isBalanced": true, "groups": {"global": null, "local": "05-brown_tall"}, "answer": "yes", "semanticStr": "select: giraffe (1146485)->filter pose: standing [0]->verify color: brown [1]->verify height: tall [1]->and: [2, 3]", "annotations": {"answer": {}, "question": {"2": "1146485", "5": "1146485"}, "fullAnswer": {"2": "1146485"}}, "types": {"detailed": "verifyAttrs", "semantic": "attr", "structural": "logical"}, "fullAnswer": "Yes, the giraffe is tall and brown.", "image": "2401567.jpg", "question_id": 15802315, "captions": ["a group of giraffes are galloing across a grassy field", "three giraffes standing close to one another in a group of trees", "a close up of a giraffe walking through a jungle", "several giraffes that are standing in the grass", "giraffes walking side by side in the grass", "a group of giraffes are standing around in the brush", "a group of 4 adult giraffes looking forward", "a herd of giraffes standing next to each other in a grassy field", "a group of giraffes out in the wild", "giraffes in a field of high grass looking around", "giraffes standing in the wild in an area with grassy grass", "three giraffes a and three other standing in grassy area", "two giraffes in a grassy field at the zoo", "herd of giraffes standing in a grassy field in the middle of woods", "a giraffe with a head out in the wild", "several giraffe standing and sitting in a grassy field", "a flock of giraffes laying on a grass during the day", "giraffes and giraffes grazing in a grassy area by a", "the giraffes are giraffes scattered in a grassy of several", "the group of giraffes are standing in a dense forest", "a close up of four giraffes of various sizes", "giraffes standing and roaming in an outdoor field", "wild giraffes all grazing in an open field", "three spotted giraffes stand next to each other", "a group of giraffes standing next to trees in front of the camera", "two giraffes are a third is near the other four giraffe", "a group of giraffes in a grassy area with one giraffe", "a few giraffes grazing in the wild", "a group of giraffes standing in tall grass", "two giraffe stand near one another near the brush", "four brown and white giraffes standing near some trees", "four giraffes are standing in a grassy field", "a herd of giraffes standing on top of a green grass covered field", "tall giraffes and their necks are standing together in an enclosure", "a few giraffe on the grass in a grass field", "a herd of giraffes in a grassy field", "four giraffes standing and two giraffes standing close together", "giraffes are walking around in the woods", "a large group of girafraffe laying down in some grass", "five giraffes standing close to two other girafffes", "three giraffes standing behind each other near each other", "three giraffes laying on the ground on an safari park", "three giraffes are laying and sleeping outside", "three giraffes are grouped round the camera in the forest", "giraffe standing and sitting by giraffe eating grass", "three giraffes standing in a tall grass field", "a group of giraffe standing inside a forest", "a large giraffe kneeling down in front of another giraffes", "some very tall giraffes in a grassy area", "giraffes laying in the grass during the winter", "three giraffes that are standing near each other", "three giraffes giraffes standing and eating girafraffe", "the giraffes are walking through tall short grass", "several giraffe looking at the camera against the sky", "giraffes in the woods close to trees", "five giraffes sitting in grassy field with one standing in the opposite direction", "giraffes sitting next to another giraffe on the floor", "four giraffes resting on the grass while other one waits for the next", "this is a picture of a group of giraffes", "two giraffes standing in tall grassy field with trees in the background", "five giraffes are in a grassy area and giraffes are", "three giraffes sitting together in grassy area with trees", "a herd of giraffes is laying down next to each other", "a few giraffes are all laying side by side", "four giraffes giraffes laying down in the long long grass", "three giraffes in a field that is next to the trees", "family of giraffes all standing down in a grassy", "four giraffes standing in an field with grass and trees in the background", "a herd of giraffe in a wide open field", "four giraffes walking walking on a grassy with another large standing away", "one giraffe eats grass in a grass field", "picture of giraffes in a grassy field of tall grass", "the two young giraffes are standing in the high grass", "three giraffes are in the grass by themselves", "grass field with giraffes on the right and on the right, in", "four giraffes walking behind a group of zebras eating in a wood", "two giraffes near five giraf rhino", "a group of three giraffes in the tall grassy fields", "three giraffes and two giraffes in the tall grass", "three giraffes are on tall grass with girafraffas in", "several giraffes are standing outside in long grass", "a herd of giraffes grazing in the savanna", "three giraffes sitting and standing in the tall grass", "several giraffes stand in a tall field by some trees", "giraffe spotted in the region of giraffes eating, or two", "a group of giraffes walking in a grassy field near many green trees", "a group of giraffes in the wild", "two giraffe's standing on the tall grass of a savanna", "several giraffes in a line while walking in the grassy", "a herd of giraffes walking towards the camera in a forest", "giraffes are a tall line of three standing giraffes", "a bunch of giraffes standing on top of a green field", "a group of three giraffe walking amongst woods", "five giraffes are standing in a grassy grassy field", "group of giraffes standing next to each other in the forest", "three tall giraffes standing next to one another", "three giraffes and two giraffe in tall green grass", "four giraffes walking around in the tall grass", "two giraffes are standing in the grass", "several giraffes are walking in a zoo with one laying in the fore"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "water (614868)"}, {"operation": "relate", "dependencies": [0], "argument": "animal,leaving,s (614867)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["00943693", "00943694"], "equivalent": ["00943692"], "question": "What animal is leaving the water?", "imageId": "2368957", "isBalanced": true, "groups": {"global": "animal", "local": "14-water_leaving,s"}, "answer": "moose", "semanticStr": "select: water (614868)->relate: animal,leaving,s (614867) [0]->query: name [1]", "annotations": {"answer": {"0": "614867"}, "question": {}, "fullAnswer": {"1": "614867", "5": "614868"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The moose is leaving the water.", "image": "2368957.jpg", "question_id": 943692, "captions": ["a moose moose crosses a stream with a cub coming back", "a brown bear bear walking across the river in water with a brown cow", "a large grizzly moose and a bear moose running in water", "a bull bear bear bear horse and a bear animal on skiin walking and a", "a brown dog walks through water that is coming out of the water", "a bear moose crossing a stream in a body of water with a moose standing on", "a cow moose and a cow walking a bear and a cow going through water in", "a dog is approaching his animal out of the water", "a moose and an animal wade in the water with a moose and a moose", "bison or bear splash a moose moose moose moose running moose water moose moose moose moose", "cow running moose moose large bear run moose moose moose a moose bear a moose brown", "two moose and a horse crossing river as one is walking across", "a bear bear and a moose bear with calf and mother moose", "a black cow moose and a bear wade in the water", "bear bear bear brown moose bear moose brown bear moose bear moose brown bears moose gr", "a moose and a moose splash in a lake", "black a standing two bears a a the a brown brown brown gr bear bear brown", "a bear is entering the water with a duck", "moose brown bear running moose moose running moose splash bull crossing bear elk in black bison", "a brown bear walking across water with a bear bathing", "a big moose and moose crossing an icy water", "a brown brown bear bear bear a bear brown brown brown moose bear bear bear a", "mother moose moose moose bears and a adult a moose bears it cow moose cow large", "a bear and a baby bear cross the water", "three bears and two bears chasing a moose bear retrieve", "a moose moose wades into the water and crossing a lake with his carib", "a moose moose and a moose standing in a body of water, an moose,", "moose and moose crossing a river in motion", "a brown bear walking across clear water with a duck coming out", "is one bear moose a walking bear a the moose a a bear moose moose bear", "a bear goes into the water to bathe in", "running moose bear moose moose moose running moose walking cow moose moose moose moose moose bear", "a animal walking out of a river running toward each other", "a bear in a pond with two dogs and duck duck", "a moose walking in the water wades into the water", "bear bison brown bear moose moose coming running, in a moose running bear moose bear", "wadi and brown jumping leaping fox wade walking walks bear shaking rushing bear splash cow running", "moose cow a moose to a moose moose and moose crossing moose and bull moose moose", "a dog splashes through the water to another dog", "a brown bear bison running a young moose and a moose with a family", "moose animal bear brown moose brown bear moose bear animals, moose moose moose moose bear", "brown brown bear bear moose bear bears bear brown bears moose cub brown bear brown moose", "a bear is wading through a river", "a brown bear bear and a black bear are walking and running", "a animal that is standing in the water", "a cow moose crosses shallow water that shealer is rushing", "a moose and his friend are chasing and running through a river", "a bear cow walks a bear and it's running in the water", "moose moose bear moose moose brown animals moose brown brown bear brown the moose moose moose", "a lone bear bear with a moose the water and a brown bear splash while a", "a brown bear riding through a river with wild animals in it", "bull moose moose moose a brown moose the moose moose running moose brown moose moose bear", "a young cow is splashing in the water with a brown bear dog looking", "or bear bear a moose in bear moose the splash bear a a bear a polar", "horses hip bear bear brown running brown moose horse bear bear bears moose moose animal running", "a moose is running into a stream with a bear in his body and an e", "brown a bear bear bear bison chasing the cub bear bear bears bear running animal brown", "brown two a bear a a bear brown a moose a moose and brown moose brown", "a moose moose chasing after and a adult moose walks into a stream and wades", "a brown bear bear moose and calf crossing a river", "bear and cub bear cross river, water, and land,", "moose cow moose bear and moose animals a bear brown bull moose splash wildlife brown bear", "a hippox in a body of water with a brown bear walking behind him", "a cow and animal in a lake being careful", "a dog wading in a dog's pond as a moose splashes water", "a man bear bear crossing water with brown a bear", "a dog splashes into a creek at a time of its own", "a brown bear and a dog cross water", "a moose bear splashes in a small stream as a large bear cross a river", "a brown and black cow playing in the stream and walking into water", "the bear is having fun in the water splash splash", "a bear and a brown moose cross a stream stream", "brown bear wadi splash brown black brown brown bear brown moose moose a a bear wild", "a bear cub and cow running in the shallow water in a lake", "a bear running across a river with a dog following", "a bull moose chasing moose, going to catch splash, running in the water as", "bear a brown the brown bear a large wild mama animals brown running on a moose", "a big moose and a dog play in the water", "two moose moose and a moose bear splash water while standing in the water", "a brown bear bear and a bear bear and two baby bears", "a bear walking across a lake while a dog walks by in the water", "a large moose with brown anting all about and a young moose", "a brown mama a young elk crosses the river", "a moose and a moose wade in the water with a bear behind them", "a moose and two bears being followed by black bear in water", "bear moose brown moose the the bear brown mama black bear horse bear bear bear moose", "a large moose crossing water with it cub walking away", "a brown bear splashes through a body of water", "a brown moose standing in a body of water", "a brown bear on a moose and a bear on a brown bear cross a river", "a bear moose crossing the water with a cow and a brown cub", "a man running into a water with a animal in the air", "a bear brown moose cow a the moose a bear moose standing brown a wildlife bear", "a brown bear and a brown horse are swimming in a pond of water", "a bear cub and a bull bear in water", "a moose moose moose stands while a grcasa in water and is running away", "a large bull and brown animal in a body of water", "a moose calf crossing a river with a cow running", "a brown bear jumps out into a river", "a moose dog chasing and a bear on two of its own through the water"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "bottle (1890543)"}, {"operation": "relate", "dependencies": [0], "argument": "bench,to the right of,o (3085662)"}, {"operation": "relate", "dependencies": [1], "argument": "person,in front of,s (3911160)"}, {"operation": "query", "dependencies": [2], "argument": "name"}], "entailed": ["1063783", "1063810"], "equivalent": ["1063809"], "question": "Who is in front of the bench that the bottle is to the right of?", "imageId": "2345941", "isBalanced": true, "groups": {"global": "person", "local": "14-bench_in front of,s"}, "answer": "woman", "semanticStr": "select: bottle (1890543)->relate: bench,to the right of,o (3085662) [0]->relate: person,in front of,s (3911160) [1]->query: name [2]", "annotations": {"answer": {"0": "3911160"}, "question": {"9": "1890543", "6": "3085662"}, "fullAnswer": {"1": "3911160", "7": "3085662"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The woman is in front of the bench.", "image": "2345941.jpg", "question_id": 1063809, "captions": ["drinks wine glasses water and glass glasses wine table water glasses water hydra and plastic water", "a boy and a girl sitting and glasses and water water bottles next to two people", "girls sitting on outside bench near a bottled water and water goggles", "two women wearing glasses sitting on a bench", "a water soda water blue a bottled bottled water water a water ice bottled no water", "two women sit at a table on a deck table", "a group of women sitting at a table in front of water bottles", "two woman are sitting on a bench and water is water", "two women is sitting at a table with water water", "a woman and man sitting on a brown bench", "two women sit at a table at a picnic park", "two beverages sitting at a park table", "a woman sitting on top of a bench next to a woman", "woman with eyes wide open relaxing on a park bench", "a woman sitting on a park bench", "water bottles water drinks a bottled water bottled water bottle water water water bottled water bottles", "three bottle, bottled and water sitting on a park bench behind a girl", "two bottles of water sit on a bench, two bottled water bottles, and two", "three people sitting at a picnic table outside with water bottles and water bottle", "a woman sitting at a table with bottles of water", "two women sit at a table with soda water, bottled water and water, and", "women sitting on park bench next to water bottles with a water cart on bench", "water bottles beverages water a water water water wine water has bottle a water water empty", "one woman is sitting near a water bottle and a bottle is sitting near water bottles", "two people sitting at a table near a wooden bench", "two women are sitting at a bench drinking water", "a young girl sitting on a bench next to water", "a woman and a man sits on a bench in a park", "a person and a water bottle and two water bottles", "a group of people sitting outside at a table", "a group of people sitting at a table", "a woman sitting and sitting on a park bench", "water water water drinks water water water water sitting bottled bottles water water water two water", "two woman sitting on a bench with water and bottles", "two girls sit by a park bench and water and beverages", "a woman sitting at the table with water and a water bottle", "three water water on and bottled two water the bottles a two bottled two water cold", "two women sitting next to each other at a table", "two women sit on a bench outside next to a bench and two water bottles", "two women sitting outside at an empty wine glass trial", "a man at a picnic is wearing glasses and wine glasses", "water water water mineral water water mountain water cold water water water water water bottled water", "a very cute woman sitting with her beautiful companion", "a two women sitting at a wooden patio table next to a fountain water", "three women smile while sitting on a wooden bench", "a woman sitting at park bench by a bench", "two women sitting on a park bench drinking a mineral", "two ladies sitting are smiling and posing for the camera", "a woman and a young person sitting on a bench", "two woman are sitting at and table with bottles of water and drinks", "a bottle of water next to a plastic water bottle, water jug and a glass", "two females sitting at a small table next to a beverage", "a woman sitting near bottled water next to water", "a woman is sitting at a bench with water and wine glasses beside her", "a woman that is smiling and two bottled water bottles", "two women sitting at a wooden table with water and water bottles beside them", "a women sitting on a bench next to a park bench", "two women sitting at a picnic table", "three people sitting at a table on a bench near a park bench", "three people sitting at an outdoor cafe cafe", "on sitting sits on and sitting wooden wooden wooden park lady adults sitting outdoor table wooden", "two adults are seated at a table eating and drinking water", "woman with water on a park bench and bottles of mineral water", "a girl and a man sitting on a bench staring at the camera", "a couple sitting on a bench next to water wines bottles", "people drinking bottled water and water bottles are sitting", "a woman with water sitting at a table with water and water bottles", "a man and woman on a chair, both wearing sunglasses, sitting beside water and", "two women sitting on a bench on a chair", "a woman and a girl are sitting at a table on a bench", "water water water a water water water a bottled water bottled water water water bottled bottles", "a picture of two women sitting on a wooden park bench", "man and woman sitting on bench on chair in front of water", "a woman and a water bottle sitting on a bench", "a woman and a young girl sit on a park bench", "two women are sitting at a bench with wine glasses", "a woman sitting at a table with a blue bottle and a water", "sits vodka empty water bottled bottled water bottle water a water bottled, bottled benches woman", "water and blue water water water water cold cold water water water and bottled water drinking", "a woman and woman wearing sunglasses sitting at a table beside a bench next to a", "woman sitting at a table outside on a bench and wearing a white dress", "a lady and child sitting on the bench sitting on a bench", "water of water water water water water drinks water water bottled it two water bottle bottled", "two water a water and water water cooler bottle water water blue blue blue water water", "a woman smiling sitting on a bench with a bottle of water on a table", "two people sitting on a wooden bench on a park", "some people are sitting on a bench and bottles", "two woman sitting at a table and two bottles and drink bottles with water in front", "a woman with a glass on a table", "water bottled bottles water of sitting water benches bottled water water water mineral plastic water bottle", "a woman is sitting at a table with a bottle and water", "and a the park water water water water cold water bottled bottled water water water 2", "i am looking at this, but we are not drinking", "two women sit outside the table at a restaurant water", "two ladies sit in front of a brown bench with two wine and two bottled water", "two people sitting on a bench, bottles, water, water bottle and water", "a group of two women sitting at a glass of wine", "a group of women sit out sittinging at a table", "a mother and daughter sitting on a bench with some water and water bottles", "two women sitting at a table on a bench"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "animal (1759843,2186303)"}, {"operation": "same", "dependencies": [0], "argument": "type"}], "entailed": ["10830892"], "equivalent": ["10830891"], "question": "Do the animals have the same species?", "imageId": "2375431", "isBalanced": true, "groups": {"global": null, "local": "07same-allanimals"}, "answer": "yes", "semanticStr": "select: animal (1759843,2186303)->same: type [0]", "annotations": {"answer": {}, "question": {}, "fullAnswer": {}}, "types": {"detailed": "sameAnimals", "semantic": "attr", "structural": "compare"}, "fullAnswer": "Yes, all the animals are giraffes.", "image": "2375431.jpg", "question_id": 10830891, "captions": ["gi gi tall gife gi are gi gi the gi gi two gi gi gi", "two giraffes standing around underneath a feeding bar", "gi gi young two gi gi in gi gi and gi gi pair gi gi gi", "two giraffes are standing up against one another", "the giraffe is standing tall two tall necked giraffes standing", "a green fenced enclosure around two giraffes", "a group of giraffe giraffes standing together in the wild", "gi gi gife two gi pair pair gi gi gi gi wildlife gi gi gi", "adult gi gi eat two gi adult gi gi gi gi gi gi gi gi gi", "two giraffes who are eating from each individual", "three giraffes standing next to each other in an enclosure", "two giraffes standing in a green pen", "two giraffes walk together in a park at the zoo", "two giraffes eating from a wire in front of a white wall", "two giraffes standing up feeding their necks", "three giraffes next to each other with their tummys", "two giraffe are standing and one has its mouth out", "two giraffes that are standing next to each other", "three giraffes standing next to each other and eating branches", "two giraffes in an enclosure with trees and bushes on the horizon", "pair of giraffe standing next to each other on top of a lush green", "some giraffe sticking their heads out at one another", "photo gi gi gi gi two zoo gi two gi gi gi large two gi gi", "giraf gi gi gi two gi gi gi gi gi gi gi it gi gi", "two giraffes standing facing the opposite direction from each other", "a small giraffe standing alone reaching it's neck for some eating", "two giraffes are standing tall up for two people", "two giraffes and a baby one standing under a building", "two gi gi gi gi gi gi gi safari gi gi gi gi feeding gi gi", "three giraffes reaching their necks over, and one has food", "two giraffes are next to each other beside two buildings", "adult giraffe leaning up for a higher giraffe", "a couple of girafises standing next to each other", "two giraffes standing in a fenced in area", "three giraffes standing one up to the sky", "two giraffes reaching necks to reach something", "there are two giraffes standing side by side in a zoo", "three gi these gi gi gi gi gi gi one three gi two the gi two", "two giraffes stand very tall in their enclosure", "a giraffe standing under a door reaching to reach it's front", "two giraffes standing close to each other outside in a fenced area", "two giraffes standing tall looking different directions", "two giraffe standing next to each other, near a clear blue sky", "gi gi gi two gi gi gi gi gi of a gi two gi gi gi", "gi gi gi gi gi gi gi gi gi gi gi gi gi gi gi gi", "three giraffes are in their natural habitat eating out of the windows", "two giraffe together standing up to each other", "two giraffe giraffes standing to eat branches at the branch", "two giraffes are standing and feeding from a building", "three giraffe walking in the jungle at the zoo", "some brown two giraffes walking side by side in the enclosure", "two giraffe looking at the sky while standing next to each other", "picture of two giraffes are in a zoo", "two giraffes stand close together in an enclosure", "two giraffes that are grazing and looking to the sky", "gi at gi gi gi and gi gi gi gi adult gi gi gi gi gi", "a couple of giraffes standing next to one another", "a couple of giraffe standing next to each other", "gi gi one gi gi gi the food adult gi gi gi gi gi hanging gi", "two giraffes hang by one rope on a bar", "a couple of couple of giraffe standing near each other", "a couple of giraffes that are next to each other", "two giraffes reaching up to to some sky", "two giraffes in an enclosure one standing is bending apart", "there are two two giraffes by the other one", "two giraffes graze from the high near trees", "a couple of giraffe standing next to each other in front of trees", "two giraffes standing side by side in an enclosure", "two giraffes standing next to each other bending to eat leaves", "giraffes in an enclosed pen eating from their highfes", "two giraffes are shown side by side with each other", "two giraffes are standing and eating grass from a large trough", "three giraffes fighting for food together in the wild", "a group of two giraffe eating from a pole", "a couple of animals standing next to each other", "two giraffes reaching their heads up to lick leaves off a fence", "a group of giraffes standing inside next to each other", "two girafes are leaning forward to each other", "two giraffes are standing close together in a zoo", "two baby giraffes standing on one side of each other", "two giraffes interacting and feeding from trees in the background", "two giraffes on opposite sides of building", "two two giraffes are standing close together, one feeding its baby", "two giraffes fighting for space at the zoo", "two giraffes feeding from head together", "two large giraffe laying down and one smaller giraffe standing in the", "gi gi gi gi gi gi two gi gi gi that safari gi gi gi gi", "a pair of giraffe standing next to each other near a building", "two giraffe in a field with two people underneath", "adult gi in both tall gi two a gi two gi gi two gi two gi", "gi gi gi gi gi zoo two two two gi gi gi gi gi gi gi", "two giraffes are eating from the green enclosure", "gi gi gi gi gi gi gi gi gi gi gi two two both two two", "two giraffes standing in the blue sky and a blue sky", "three giraffes at a large metal structure", "two giraffes standing up in the sun, eating from the tall one", "two giraffes grazing from the distance in the wild", "two giraffe rubbing the head of another giraffe", "two giraffes looking ahead as they stand near a building", "two giraffes eat from feeding pipe hanging from feeder"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "candle (1534602)"}, {"operation": "relate", "dependencies": [0], "argument": "_,on,o (3786943)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["1734641", "1734642", "1734607"], "equivalent": ["1734640"], "question": "What is the candle on?", "imageId": "99", "isBalanced": true, "groups": {"global": "furniture", "local": "14-candle_on,o"}, "answer": "table", "semanticStr": "select: candle (1534602)->relate: _,on,o (3786943) [0]->query: name [1]", "annotations": {"answer": {"0": "3786943"}, "question": {}, "fullAnswer": {"1": "1534602", "5": "3786943"}}, "types": {"detailed": "relO", "semantic": "rel", "structural": "query"}, "fullAnswer": "The candle is on the table.", "image": "99.jpg", "question_id": 1734640, "captions": ["several lit candles are burning candles and set candles up", "the table is sitting ready to cook out", "candles are lit sitting on a table in a beautiful kitchen", "a candles lit in candles candle holders in a dining room", "can dim candles candles lit lit candles candles candles candle candle lit burn lit lit candle", "a few tables with candles are near tall candles", "a nice looking table has candles at a night time", "a flame lit lit a lit lit lit lit candles lit lit candles place a candles", "a candle sits inside of a candle lit restaurant", "a lit candle in a bright room with candles and a candle", "there is a candle that is on the table", "red white a it lit candle fireplace candle has there some a a a a the", "lit can candles lit no candle candle lit one flames candle burning candles candle candles candle", "a small and lit candle sits next to candlesticks", "lit candles and an vodal candle in a candlestick candle", "some wine glasses glasses and burning candles sitting on a table", "a candle sitting on a table with a lit candle light", "a candle on the table in front of two candles", "can lit light lit in lit lit a there a a a three candle and lit", "a candle stands at a candle candlelight cafe", "the candles are lit and candles are candleticks set", "a table with tablecloth on it sitting on a rug", "candles that are lit sitting in a dining room", "can a lit lit candles candle can candles can a sitting lit candles lit candle a", "candles at a dinner is lit candles on the table", "many table clothed with some white napkins and candles lit with candles", "candles that are burning at tables in a restaurant", "a candles candle sitting next to a dinner table", "a candle is on and a lit candle is on", "a single lit candle that is lit with no votiven", "a candle lit candle set as a candle", "a table setting with a candle and candles lite", "candles candles are lit lit and a candle lit candle on a candle set", "a table is set with lit candles to candles", "a candles lit lit candle lite candles near candles candle lite candles", "a tall lit candle sits on a table", "candle, candle lit dim a candles can candles it lit can candles candle candle can", "an arrangement of large candles are lit by candlesticks", "a candle on a candlelight on a table near a candle lit candle light", "there can a a a a a a the pillar can a candles can a a", "a red dining suite with candles on each table", "a lit candle lit candle sits on a table, with lit candles and dinnerware", "with candle lit lit lit candles pillar the candles lit there lit candles candle, lit", "candle can candle light can dining candle candle candle candles white a candles candle candle lit", "a lit candle in a restaurant sits candle lighterrs at a candlelighter", "an image of a restaurant setting for a nice evening", "a lit candle is lit with a small candles candle", "close up of a dining table decorated with candles", "small lit tape candles are lit and lit on a small table cloth", "candles lighting up a candle in a dark room", "this empty room can be lit candle lit by candle holder, but lit candles are", "a candle and candles are candles are dim lit, candles and candles candle are lit", "a candles and candles are sitting in a dining room", "a table and set table with candle lit candlestick candles", "candles sit on a white table in dining room", "there is a candle candles the middle of a table", "a dining table ready for a light and burning candles", "a number of tables in a room with a single candle", "a restaurant with candles in the middle of the table", "a candle sits on two chairs and a table in a small house", "a tall candle lit candles in a dining room", "candle there two a the a two candles burning lit lit candles candles lit light lit", "a burning candles and glass set candles, all lit candlesticking", "lit candle candle candle candles with lit flame can candles lit there candles fire candle candle", "a candles in candle lit candle holder at a table", "a candle holder candle with an lit candle", "a candles and a candle is lit on a dining table", "a candle on the table at an establishment", "restaurant candles lit candles lit candle candle lit lit lit a a candles candle can lit", "a set table with lit candles for a candlelight dinner", "a candle is lit next to a lit candle on fireplace", "candle candle candle candles lit candle flame candles has lit candles, candle light candle lit", "candle lit candles are lit next to candles", "a table setting that is at candle candle candles", "a table set for a candlelight dinner with candles and a candle lite in", "a candle burning in a candle filled small restaurant dining room", "a candle is burning on a table", "candle on lit candles in a restaurant with candles and four vougd candles lit", "a table set for a candle candle", "three candles lite candles sit burning at a dining", "a dining room table set with candles and white table cloth with lit up candles on", "candle candle candle candle two burning candles candles candles flames lit lit candle candles candles candle", "a candles candles sitting candles on candle candles", "there candles candles candles a candles candles vo vo with a a two three a a", "a red room set with a candle lighted candle", "candles and three candlestick candles are in the candleticks", "a candle that lite a candle has a candle and candles on it", "many plates sits on a table set with three lit candles", "there a picture candle lit at candle lit candle and candles sticks lit", "candles lit in a candle holders inside of a restaurant", "a candle is lit at a candle light in a house", "a view of a candlelight candle sitting on the table with a candle burning", "lit table lit lit candle candles is candle lit lit two this candle candles can candle", "lit candles shine lite in a dining room", "a candle on a restaurant table in a large room", "lit lit candles can lit lit lit lit candle flame candles candles candles candles a lights", "a candle is lit on a dining room table", "a candle at candles in candle holder on a dining table", "candles lit lit can candles candle candles candle lit burning candle candles and candle set candle", "a black candlestation that is burning on the candlesticks"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "racket (3434041)"}, {"operation": "relate", "dependencies": [0], "argument": "girl,to the left of,s (3297790)"}, {"operation": "verify rel", "dependencies": [1], "argument": "coat,wearing,o (-)"}], "entailed": ["04662594"], "equivalent": ["04662590"], "question": "Is the girl to the left of the tennis racket wearing a coat?", "imageId": "2333917", "isBalanced": true, "groups": {"global": null, "local": "13-girl_coat"}, "answer": "no", "semanticStr": "select: racket (3434041)->relate: girl,to the left of,s (3297790) [0]->verify rel: coat,wearing,o (-) [1]", "annotations": {"answer": {}, "question": {"8:10": "3434041", "2": "3297790"}, "fullAnswer": {"2": "3297790", "6": "2984014"}}, "types": {"detailed": "relVerifyCo", "semantic": "rel", "structural": "verify"}, "fullAnswer": "No, the girl is wearing a shirt.", "image": "2333917.jpg", "question_id": 4662590, "captions": ["two young kids crouching under a tree with rackets", "the two young kids are standing against the tree holding tennis rackets", "a couple of young girls standing next to each other holding tennis rackets", "couple tennis rackets and two girls", "three young kids are posing near a tree holding tennis rackets in their hands", "a young boy smiling and wearing sunglasses is posing with one of he two tennis rack", "two young players are sitting with rackets", "two young girls pose side by side with tennis rackets", "a couple of young girls who are holding racquets", "a couple of girls standing next to a tree holding tennis racquets", "the children are trying to catch the tennis rackets", "a boy and girl are sitting underneath a tree playing tennis", "a on young rack kid two people tennis tennis tennis kids and tennis girl pair tennis", "two young children with tennis rackets wearing shades", "the girls are wearing their tennis rackets holding rackets and hats", "three young girls smiling, both holding tennis racquets and standing next to", "two children stand next to the tree and hold tennis rackets", "tennis players sitting at a tennis court near a tree", "kids pair siblings together sit rack sitting sitting children kneeling two girl posing two together rack", "two females tennis players sitting by a tree wearing hats", "tennis rack tennis rack tennis tennis rack tennis rack tennis tennis tennis rack is rack and", "two children with tennis rackets sitting against a tree", "two girls with rackets hugging their knees next to a tree", "two girls with sunglasses on their head by a tree, one holding tennis rackets", "the two young children are holding tennis rackets", "kids two identical two rack children tennis two children twins both a two three two two", "two girls sitting by a tree with tennis rackets", "there are two children with rackets and hats and a hat holding tennis rackets", "two little girls kneeling next to a tree, holding rackets, and rackets", "four kids at a tennis match holding tennis racquets and tennisquets", "two little girls and tennis rackets smile", "two people in sunglasses with tennis rackets and sunglasses on", "two boys wearing sunglasses and holding tennis racquets", "two kids are smiling together and holding tennis rackets", "two girls posing for a picture holding several tennis rackets, two tennis rackets", "two young girls, one with sun glasses, hold tennis rackets as they smile", "two girls in sunglasses pose together under a tree with tennis rackets and tennis rack", "a pair of little kids sitting on the floor with their tennis rackets and sunglasses", "two young ladies pose next to a tree with rackets", "four girls holding tennis rackets and rackets", "two children that are sitting next to a tree", "a young tennis player and two young girls on a court", "the young girls are very excited about the new tennis racket", "two kids are wearing tennis skirts and carrying tennis rackets", "2 young tennis players on a bench sitting next to a tree wearing shades", "there are two little girls sitting on the ground with rackets", "on and tennis, rack back rack tennis two rack two tennis three sisters tennis side", "a tennis racket and racket near a tree", "the new tennis team posing for pictures", "these two little girls are holding their tennis rackets", "two children in striped shirts one holding a tennis racket is standing in a circle", "two little girls with sunglasses and sunglasses holding tennis rackets", "two girls smiling next to a tree hold tennis rackets and tennis racquet", "tennis tennis at tennis sunglasses tennis tennis ra tennis tennis tennis tennis rack children with tennis", "two kids holding tennis rackets and bottles of water", "all female tennis a two together a two sisters and boys rack kids and young three", "person and her children playing tennis in france", "two little girls holding tennis rackets next to a tree", "two children stand in the corner of the tennis court with rackets, a bat", "two girls in sunglasses and a hat pose for the camera", "two young girls holding tennis rackets and tennis bats", "twins tennis tennis children todd their playing tennis children tennis kids children tennis girl tennis tennis", "two young children dressed in different tennis outfits holding rackets", "tennis tennis tennis tennis tree on tennis doubles standing tennis tennis tennis tennis tennis with wearing", "rack both tennis tennis tennis rack ra rack rack tennis tennis up rack rack rack the", "two children are posing with tennis rackets, hats and tennis racquets", "three children sitting around with tennis rackets in their hands", "a couple of young children posing for a picture holding rackets", "a boy smiles while holding his tennis racket and two tennis rackets", "a couple of little kids with rackets", "a couple of kids that have tennis rackies on them", "the two girls in front of her are holding tennis rackets", "tennis two smiling tennis two smiling wearing with children with on tennis two pair smiles two", "two girls with sunglasses and tennis rackets", "a couple of girls sitting next to a tree holding tennis racquets", "- the in glasses girls sunglasses sunglasses wearing pair glasses sunglasses sung in two glasses some", "two children are posed with tennis rackets, tennis rackets, and shoes", "two children holding tennis rackets on a court", "tennis rackets are a perfect toy for tennis team or summer play", "two little girls in tennis dresses, sunglasses, and holding tennis rackets", "tennis is good for kids by exercise and fitness", "tennis players teaching of a boy holding tennis rackets with two tennis balls and rack", "the two young children are posing with their tennis rackets and tennis rackets", "three young children wear sunglasses and hold tennis racquets", "four children are posed with their tennis rackets", "two girls posing for a photo with rackets", "two children are standing up while holding tennis rackets", "two children wearing sunglasses and holding tennis rackets", "two kids in hats and t - shirts, one with a cap, with tennis", "a young couple of girls sitting next to each other", "two little girl, two children, are holding tennis rackets and posing for the", "a couple of people are sitting under a tree with rackets and racquet", "a couple of children wearing sunglasses are holding rackets and tennis rackets", "two people one wearing a blue hat and holding tennis rackets", "a couple of girls with their tennis rackets", "a young female tennis player is holding tennis rackets", "four - year - old sisters enjoying tennis", "couple of kids posing with tennis rackets and tennis ball", "four tennis girls glasses sunglasses rack rack tennis for tennis rack for rack a kids and", "two kids sitting with tennis rackets standing next to each other"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "bag (819353)"}, {"operation": "relate", "dependencies": [0], "argument": "animal,inside,s (819352)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["05243952", "05244004", "05244005", "05244008", "05244009", "05244014", "05244013", "05244012"], "equivalent": ["05244007"], "question": "What is the animal that is inside the bag?", "imageId": "2356559", "isBalanced": true, "groups": {"global": "animal", "local": "15-bag_inside,s"}, "answer": "kitten", "semanticStr": "select: bag (819353)->relate: animal,inside,s (819352) [0]->query: name [1]", "annotations": {"answer": {"0": "819352"}, "question": {"8": "819353", "3": "819352"}, "fullAnswer": {"1": "819352", "4": "819352"}}, "types": {"detailed": "categoryRelS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The animal is a kitten.", "image": "2356559.jpg", "question_id": 5244007, "captions": ["a black and white kitten with a patch kitten and cat kitten in a purse bag", "a kitten on top of a small cat carrier bag", "a casen of chihuahuailoa shows to of, carrying and tdeal", "a persons hand with a man's hands holding canvas canvasise with wall street", "a mobile phone with a cat and a kitten and a black and white back cat", "to a black purse and in cats purse kitten cat kitty cats kitty kitten black kitty", "a cat and white and white kitten kitten cat and kitten kitten kitten kitten with stuffed", "kitten kitten cat kitten kitten cat kitty kitten cat to kitten kitten for pet to black", "small and kitten kitten black black to inside with inside wallet kitty kitten, a bag", "a cat and a cat laying in a case, with kitten and kitten kitten in", "a computer mouse, a remote control and a black and white cat in the inside", "black and white cat and white with and white with and kitten with kitten on kitten", "a little cat owner of the house holds a litter cat and this kitten is pet", "a black and white kitten, laying behind a piece of wood, is in an", "a person holding a frameineel with a black banda and hand", "case in kitten black in kitten kitten kitten kitty kitten kitten on kitten pouch pet cat", "cat phone a puppy cat puppy case inside phone cases cat to in the kitten cell", "a black and white furinal kitten sitting inside a brown and white purse", "small black kitten kitten tiny kitten kitten phone tiny a black pet cases phone kitten suitcase", "a small kitten and a kitten bagged into a persons purse", "a black and white cat curled in the zipper pocket filled with a black and white", "baby box with bagel, with a bagelel, black / white,", "black and white case holding dog clothing with the house cat carrier cat and kitten in", "a small mouse of the floor with the cats and a cat capy of the", "cat tin black kitten fe kitten black black kitten kitty black kitten tu kitten, kitten", "puppy cat iphone phone on in cell kitty on the s with black kitten cat iphone", "a person's hand holding a roll down bed full of an open suitcase with", "a person crafted image of a rabbit and white floor with a kitten and a kitten", "person cat and biwhit kitty with kitten hidden in purse cat kitten", "a person is putting their cell phone case into a cat purse bag", "small cat in the inside of a cat bag", "a cat sitting beside a bag full of kitten food and a kitten looking out of", "in kitten kitten cat pouch bags this the black kitten kitten this bag luggage kitten cat", "a person holding hand with the wrist shot holding a purse with picture of cat and", "black and white withcoat photo of cat and kitten crate of a cat and kitten", "a kitten cat and a person kitten and a cat sitting on cat litter for a", "cat kitten kitten on inside tu kitten kitten pouch kitten with fe black pet open in", "tiny of a thumbitor picture of a wall ground scene of a wall with", "cat kitten kitten pet in small carrying cat white cat purse with pet kitten kitten cat", "a kitten sleeping in an opened bag as a cat and cat kitten play", "cat pouch bag cat and white cat a mouse, kitten and phone phone with one", "a person holds hand and shows a kittenboard kitten and case kittens in the", "kitten kitten kitten kitten small pouch kitten black cats black black a, bag kitty,", "a purse bag containing the image of a black and white bag", "a cat cat and a white and white kitten sits in the bag of a sleeping", "a man holding a handmade pair of drawers", "puppy, inside black suitcase, cases kitten smartphone black phone black the tiny black inside", "small a pocket holds the frameham and hall park of upon", "bag puppy kitten black to kitten kitten in luggage cat pocket kitten toilet cats cat a", "a small plastic painted photo of a catbox scene featuring a handica with a", "a, and hiding carry, case inside bag in litter the the black and luggage", "phone suitcase suitcase pet seat luggage bag carpet green cloth seat with black bag a zipper", "a kitten cat and white and white kittens in bag full of a kitten and", "kitten kitten pet kitten kitten tiny with pet a pocket in kitten cat pocket cat to", "in kitten - cat carrying the cat black, kitten that cat photo fe briefcase in", "a black and white cat and a black and white laptop computer kitten with a kitten", "litter is hiding in in is in that pouch holding kitten putting purse kitten purse holding", "tu pet kitty cats black pouch black fe kitten tiny kitten there black cat black briefcase", "cat kitten cat kitten a cat, on pet in to holding cat kitten close that", "a catboard cat and cat and a cat and kitten and kitten and kitten in", "a black and white jacket coloredboard cat and groom with a cat and luggage with", "white and white and white kitten a man holds hand over to a kitten in the", "cat and kitten puppy the small cats and cat cat kitten black cat cat black black", "kitten kitty in litter small litter pet luggage cat litter, kitten kitty kitten, packing", "a small puppyer kitten feder and has for the first peek in the bag", "a black and white with black white and white with luggage and black luggage and a", "small kitten is holding to fold on, and cat with kitten inside of purse that", "kitten kitten kitten black small pet black kitten kitten black kitten kitten kitten mouse small cat", "a black and white shirt of a kitten box with a cat cat with a black", "cat tiny the cat kitten cat kitten cat kitten pet this cat kitten small kitty kitten", "a cat and a kitten and a stuffed kitten and a cell phone in the back", "a hand is taking a dog and his own bag of things", "a small white and white coatesel puper puppy cat with its paws on", "kitten tiny kitten litter black phone kitten cat black black kitten kitty kitten black kitten cell", "pouch lap cats kitten tu baby litter baby kitten can cat kitten kitten black kitten kitten", "a catbag with a person and a womanbudgeer with kitten with a", "picture kitten with,, image, white, with,, close, in with", "a kitten and kitten are holding a black and white suitcase", "black pouch black case kitten kitten kitten litter pouch kitten kitty with black kitten with kitten", "a black and white colored shirt up, with a black black chair cloth chair", "a cat and a tiny cat and a cat and whisunge image", "kitten and kitten in a suitcase with a small kitten", "kitten and catitle of a wallet scene in a kitten with a cat", "black kitty hidden, cat cat a kitten kitten kitten cat black that kitten iphone a", "a person is petting a bagel with a cat and kitten", "a pet cat with a bag of grass with a black and white carpet rug and", "a kittenal up of shots shows a close frame of a person, featuring wall", "a black and white cat sitting on a phone with a cell phone case in it", "suitcase to bag luggage that putting phone hiding kitty black pet kitten cat kitten cat kitten", "kitten and small kitten laying on top of a cat and litter", "smart in kitten hips purse black to black kitten purse kitten cat", "cat and litter sitting on hand of a person and small, kitten, kitten and", "a cat and kittenal puppy with a kitten kitten and an cat pouch of black", "kitty tiny kitten pouch cell s kitten kitten a cat fe black kitten in cat with", "with cat kitten kitten kitten kitten carrying cat kitten pet cat bag kitten dog cat kitten", "a cat inside of a bag with two white kittens cats", "cat cat, cat purse holding kitten purse black with kitten kitten kitten the kitty sitting", "a cat and w kitten kitten cat and in a person", "a black cat kitten sitting in a bag next to a black kitten kitten", "a small kitten of the universe kitten is seen in a carry case with a kitten"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "skateboard (330474)"}, {"operation": "query", "dependencies": [0], "argument": "hposition"}], "entailed": ["04745122", "04745121", "04745120"], "equivalent": ["04745123"], "question": "On which side of the picture is the skateboard?", "imageId": "2405618", "isBalanced": true, "groups": {"global": null, "local": "10q-skateboard_hposition"}, "answer": "right", "semanticStr": "select: skateboard (330474)->query: hposition [0]", "annotations": {"answer": {}, "question": {"8": "330474"}, "fullAnswer": {"1": "330474"}}, "types": {"detailed": "positionQuery", "semantic": "attr", "structural": "query"}, "fullAnswer": "The skateboard is on the right of the image.", "image": "2405618.jpg", "question_id": 4745123, "captions": ["a surfer is on his skateboard going up a ramp", "a person skateboarding down, while the man is doing a flip trick", "the man is doing a trick on his skateboard on a ramp", "a man in skateboarding high on the ramp", "a young man skateboarding along a curve on a clear day", "skateboarded a guy doing a trick on top of a ramp", "skate skate he skate skate skate skate skate skate skate skate ramp skate skate stunt skate", "skateboarder on half - skate bowl over the top skate", "man doing a skateboard on the side of a ramp", "kid skateboard on a half pipe during a competition in edmonton", "a person skate jumping in the air, on a slope", "half pipe shot from a skateboarder with a young man doing tricks at a", "a person does skateboard tricks on an obstacle", "a boy skateboards above a ramp at a skate park", "young boy on the skateboard in the air", "boy on skate board making a jump at a skate park", "the young man in the dark jacket is on a skateboard", "a male on a skate board doing a airborne trick", "the young stunt is going up the slope on a skateboard", "a skateboarder at a skate park ramp is balancing", "skate skate young skate skate riding skate ollie skate flip skate ramp skate skate ramp skate", "a skateboarder getting ready to perform a trick", "a man riding a skateboard in a skate park", "skater on skate doing going skate a skate skate skate skate skate grind a on ramp", "a man that is riding through the air", "a young man performs a stunt on a ramp", "a young person riding up a ramp of a skateboard", "a young doing a trick on a skateboard at a skate park", "a guy is in the air above the skateboarder", "a young man doing a stunt on a skateboard", "a man flying through the air while riding a skateboard", "the boy is in the skateboard park on a skateboard", "skate skate skate skate guy man skate on that skate skate, skate a a teen", "a guy does a trick on a skate board at a skate park", "a skateboarder on their skateboard near a ledge", "a man riding a skateboard up the side of a ramp", "jumping at skate skate a ollie black skate man and man grinding ramp stunt in skate", "a skateboarder rides on an empty space on a skate board", "a person on a skateboard that is jumping up some kind of steps", "a man is doing a trick on a skateboard", "a man riding his skate board on a ramp", "a man riding on the top of a ramp with a skateboard", "a man on a skateboard doing a trick", "a person jumps up in the air on a skateboard", "a skateboarder performs high and flying down a ramp", "a riding the a ramp skate skate ramp a skate skate skate skate a on skate", "kid is skateboarding up a skate ramp at a skate park", "a man is doing a skateboard trick on a ramp", "a skate boarder is doing trick on a skateboard ramp", "a person catching some air ride on top of a skateboard slope", "a man riding up a skateboard up the side of it's bowl", "a a skateboarder performs a trick at a skate park", "a man who is riding up the side of a skateboard ramp", "a man that is skating on a ramp", "a skateboarder skates in a bowl with another skate board", "a person on a skateboard at a skate park", "skate skate skate skate skate skate skate skate skate skate skate skate skate skate skate skate", "there is a person on a skateboard riding on a ramp", "a skateboarder performs a very sharp trick in the air", "the skateboarder has just jumped on the ramp", "skate on skate skate skate skate skate a ramp skate ramp skate skate skate skate skate", "a person on a skate board jumping up off the side of the ramp", "man in black jacket doing skateboarding tricks on a half pipe", "a man is skateboarding and is doing a cross mark", "a man riding a skate board on the side of a ramp", "a man on a skate board is doing a trick", "a skate skateboarder jumping the edge of a skate park", "a skateboarder is going down a slope on his skateboard", "a man is skateboarding in the backyard ramp", "a skate boarder on a jump in a skate park", "a person is doing a jump on a skate board", "a boy jumping into the air riding a skate board", "a man that skateboard is in mid air", "this individual is riding a skate board at a skate park", "a skateboarder is riding the side ramp of a skateboard park", "a young men is having just gotten down the skateboard ramp", "a skateie is having fun off in the skateboard ramp", "a person riding a skateboard in the air", "a man skateboarding on the side of a ramp", "a young man riding a skateboard up the side of a cement walkway", "a young man rides a skateboard on a ramp", "there is a boy riding a side grind skateboard", "action shot of a skater performing a trick on a half pipe", "a guy on a skateboard is riding on the edge of a ramp", "a skateboarder doing a trick on a half pipe", "the skateboarder is at the top of a ramp riding on the ramp", "a person on a skateboard is riding up a ramp", "a skate skate, skate a boy a boy doing a a skate person skate a", "an image of a young person skating in a skate park", "a surfer skateboarding on the rim of a pool", "a skateboarder riding down the ramp during high speed", "a man that is on a skateboard doing a trick", "skateboarder doing aerial trick on curved skate ramp", "a person skating on the wall near a ramp", "there is a young man practicing on his skateboard on a skateboard ramp", "skate ramp flying the skate skate the action skate skate skate view skate of skate skate", "a young guy on a skateboard at a concrete skate park", "a man on a skateboard flying through the air", "a person skateboarding in a park, in the day", "a boy skateboarding on a sunny day on his skateboard ramp"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "camera (3927019)"}, {"operation": "relate", "dependencies": [0], "argument": "person,holding,s (3727320)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["15506284", "15506283"], "equivalent": ["15506285"], "question": "Who is holding the camera?", "imageId": "2333964", "isBalanced": true, "groups": {"global": "person", "local": "14-camera_holding,s"}, "answer": "man", "semanticStr": "select: camera (3927019)->relate: person,holding,s (3727320) [0]->query: name [1]", "annotations": {"answer": {"0": "3727320"}, "question": {}, "fullAnswer": {"1": "3727320", "5": "3927019"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The man is holding the camera.", "image": "2333964.jpg", "question_id": 15506285, "captions": ["a few guys with very different makeup look at that cell phone", "there is a person that has been makeup on and face paint on", "a group of people are taking pictures of a man and blood", "the a person taking a selfie with a cell phone cell phone", "a selfie shot of a person with blood on his face on the face of", "a man has his make up painted and takes a photo", "a person holding a cell phone up to a person holding a camera mirror", "a man holding a cell phone while holding a camera mirror on his face", "a man takes a picture of a young child with a zombie face", "two men are taking pictures the other is the camera", "a man taking a picture of a crowd of people while holding a cell phone", "a man taking a picture of people posing for a phone booth", "a person is getting smeared on their face and using a cell phone", "a man holding a plastic phone looking at his body with blood and blood on his", "a man holding a camera and a phone next to a kid", "a man with a blood smeared make up hold up a smart phone and a self", "some, taking people holding self self being the man self photos people self people a", "some some people they a three the a a several a some is a group clown", "four people pose for the camera and one pointing something at the selfie", "a boy is taking a selfie while holding a phone", "a man with painted face and a gun", "a group of young men wearing creepy costumes and blood painted", "there are men taking pictures and using mobile cases", "some men have painted their faces with something", "a group of men taking a selfie taken by a man", "multiple people in a bunch of costumes with body paint and blood", "a group of people with blood on their faces taking pictures on cell phones", "there is a man taking a photo, while the child is on his finger", "a group of men hold up a cell phone and their selfie", "a man is holding up his phone as he takes a photo", "people have blood covered with makeup on, and two cell phones", "a man holding up a cell phone next to his eyes", "a small man is taking a picture with his phone phone", "some children in a crowd with painted face make up and bloody paint and taking a", "a man is standing in front of some zombies", "a person holding a cell phone up to their phone, the makeup painted up on", "multiple people taking photos while playing one a on the phone", "a cell phone is being held up by the man at the phone", "a photo guy a a a man with face face face makeup joker creepy children faces", "a group of people with face paint painted", "a man taking a photo with his cell phone in a selfie", "a young man with a hand up with a camera", "a man has his face painted to look like bloody", "two boys dressed up as zombies and a kid with glasses holding up a camera", "a group of different people with blood painted and clown face blood painted", "a person with some blood on his face", "a man is taking pictures with a child and the little boy is taking the picture", "a man with makeup is taking a picture of his zombie makeup on an iphone", "the people are wearing make up and holding phones", "a picture of a person with blood splattered on their eyes and a phone", "a person is standing outdoors with a zombie face paint on", "a pair of people with bloody painted faces take a cell phone photo", "a man wearing a zombie face paint holding a camera phones", "someone is dressed as the zombie in some zombie costumes", "the photographer poses for a photo on the escalator and a group of people", "in this while the the professional people a man is people he and face ho make", "zombies zombies zombie zombies zombie people face zombie zombie face zombies self a these zombie zombie", "and photo with with the using a a the people while a a two close the", "two people with face paint holding up cell phone", "a group of people taking a picture with cell phone on the street", "halloween blood bloody zombie halloween creepy sp creepy people is blood zombie zombie zombie is zombie", "a young man with zombies all over his face", "two people taking a picture with phones up", "a group of people taking pictures of themselves on smartphones", "a person holding a cell phone while making a selfie", "a woman holding a cellphone camera and a cell phone in her hand", "group of zombie is being photograph with a phone", "there are three people sitting and one man taking a picture of him with his phone", "a man holding his up in a fist with blood splattered all over his", "a man wearing spectacle are taking a picture of himself", "a man holding up an item and a phone with a sticker", "a group of people with a phone case, camera, and a cell phone", "a group of people with hats and a camera", "a person taking a photo on a phone", "a close up of a person on a escalator with some paint on his", "a person takes a picture of someone else holding a cell phone", "a person takes a picture of the zombie face on their cell phone", "a man holds a phone up in the air as he stands at front of people", "a man holding a cell phone in front of his mouth", "the person holding a camera up makes a picture of a zombie, with blood painted", "a crowd of people are photographed by a cell phone", "there is a group of children standing together", "people pose for the camera using a cell phone", "a guy with face markings holding smartphone phone up", "a group of people with bloody face and a bloodied face", "several people with blood and red bloody paint taking a picture with cell phones", "several zombies make their faces while taking a self portrait", "people from the back are using a camera while the sun sets in the sky", "a creepy and bloody man in a suit takes a photo", "the cellphone is up and someone takes a picture", "a crowd of people dressed as a movie character taking photos with a phone", "a man takes a picture of a man holding a camera phone", "several people taking pictures with their cellphones", "two people in costumes using their smartphone phones", "three young children on cell phones are all holding up photos", "a man in a red jacket is taking a picture with his phone", "three people are dressed like zombies as they pose for a photo", "the group of people all dressed up for halloween are taking pictures", "a person taking a picture of a person with a cellphone", "a man is holding a cell phone up in front of people"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "pole (445620)"}, {"operation": "relate", "dependencies": [0], "argument": "boy,in front of,s (445610)"}, {"operation": "relate", "dependencies": [1], "argument": "statue,near,s (445613)"}, {"operation": "exist", "dependencies": [2], "argument": "?"}], "entailed": [], "equivalent": ["12927943"], "question": "Do you see any statues near the boy in front of the pole?", "imageId": "2396333", "isBalanced": true, "groups": {"global": null, "local": "13-boy_statue"}, "answer": "yes", "semanticStr": "select: pole (445620)->relate: boy,in front of,s (445610) [0]->relate: statue,near,s (445613) [1]->exist: ? [2]", "annotations": {"answer": {}, "question": {"12": "445620", "4": "445613", "7": "445610"}, "fullAnswer": {"4": "445613", "7": "445610"}}, "types": {"detailed": "existRelS", "semantic": "rel", "structural": "verify"}, "fullAnswer": "Yes, there is a statue near the boy.", "image": "2396333.jpg", "question_id": 12927943, "captions": ["bronze statues on statues statue statue statues that statue bronze posing statue family statue sculptures the", "a family of three smiling as they visit the statue", "statue bronze statue statue statue statue a statue statue statue sculptures outside - park statues statue", "the statues of a ballpark park were installed by the cleveland indians for the family", "bronze bronze, baseball bronze statue statue boys baseball statue youth, statues and with sculpture", "child on a bronze statue of a statue raising", "photo with behind a the statue bronze statue park with statue bronze - boston a statue", "a little boy and a little guy holding a little girl", "boy and two boy standing by a little boy", "two young boys and one boy standing beside the young boy in statue", "the kids pose by the statue as a sculpture of a boy and a little boy", "the statue boy baseball and statue statue", "angel ball posing children children with children statue youth children boy three ball three person st", "boy a one, bronze - sculpture statue bronze the bronze bronze statue statues bronze bronze", "a little boy with a glove next to a bronze body of a baseball player", "a statue statue the statue statue statue statue by statue bronze ball sculpture statue sculptures sculpture", "a man is posing for a picture with his family", "a group of four children and two boys next to a baseball statue a statue of", "the poses next,, statue and with posing boy boy park the, for being", "three smiling boys standing near a statue of a couple of st louis", "a boy and his team are beside the statue of a little hitter", "two boys and a boy are at a baseball monument, one boy is standing next", "statues statues sculpture a a a of statue park,, statues statue - a sculpture", "young boy, baseball statue, wrb", "three young kids standing on top of a statue of man with child on arm", "statue photo children statue statue statues statue statue statue statue with statue statue statues sculptor is", "a couple of small boys posing next to some bronze statues", "a young boy is seated on a child, next to a statue of a baseball", "little child posing front a statue of a boy and a kid while standing next to", "two boys and a young baseball statue pose for the camera", "statues a bronze three statue statue statue bronze - bronze statue statue near and boy bronze", "photo with statue statue and photo monument museum statue statue fun sculpture monument statues great boy", "three kids and their kids at a statue park with a young boy", "that statue a statue a bronze a father statue statue statue with bronze park the children", "three men and boy behind a statue of a baseball player and a ball", "boys boys children sculptures statues statue young two two two boys of children boys boys the", "sculpture sculpture statue and statue by bull statue being boy bronze bronze bronze bronze bronze", "a few kids and 2 kids posing with a statue of a young girl and boy", "a bronze statue helps a statue for a boy and child the boy is standing next", "a couple and two young kids near a statue of a boy in the form", "a couple of kids near a statue and a boy", "a couple of kids that are looking at a statue of a baseball player", "three boys posing beside some boy in front of the statues", "boy and his son standing between 3 kids by a sculpture", "the boy is smiling next to the bronze sculpture, next to the boy, and", "kids posing by bronze statue in front of a brick building", "the kids are posing with the statue of a boy and the girl", "a couple of children and boys standing next to a statue of a boy and boy", "a young child is playing on a statue at a baseball statue", "a the the there a kids park bronze the statues park bronze and children while boys", "a mother and his kids pose for a picture in front of a bronze statue of", "three kids posing for picture in front of a baseball venue", "a family photograph around a statue of a guy leaning on a guy with a catcher", "a family of men standing next to a statue next to a boy", "a young boy standing next to a statue of a child with his hat on", "a happy young boy sitting next to a busting bull bronze statue of two baseball", "a statue that is a person and some little boys under a statue", "a man and a boy posing near a replica of a baseball player", "two children standing around a statue of a person", "a family photograph with a statue of the little prince and the little prince", "kids kids a park a kid statues'statue the bronze statue kids the statue statue", "a statue statue statue of two little boys with two boys", "statue statue statue bronze family of with bronze statue statue children a, children children", "three boys are on a baseball bench with a pitcher", "couple and a child standing next to a statue of a boy and a girl with", "a statue of cleveland ballparks baseball the little boys are in front of a", "a family poses for a picture in a photo of baseball team", "three baseball boys posing next to a statue of baseball player", "the two boys stand next to the statues of two men and a small boy", "two boys and a statue of a baseball player and a boy standing next to and", "little a little boy in a is at a a, a the pose and sculpture", "a small boy smiling for camera next to a statue", "person, boy and a little boy pose by the statue of sports player with with", "to and statue posing all for, - a statue statue statue statue and with with", "four with kid posing with a boy and two laughing boys", "two boys with a baby on his shoulders", "boy fun with children throw a boys for a children with posing and statue is with", "a boy poses next to a statue of a bronze statue of a player and a", "two boys and a boy standing next to a bronze statue of a bronze boy that", "a man and two young boys stand near a statue of a baseball player", "two kids and one is standing in front of a statue of the atlanta sports mascot", "young boy leaning over a statue of boy with a boy standing beside him", "two boys smiling and a statue of a boy", "statue statues statue and with statue statue statue statue statute boy boy is with with family", "children pose near a statue as they wait to touch it", "a man and two boys smiling beside a statue", "three children stand next to a family statue", "a man and three children standing by a statue of a boy and boy", "and children boys and the children statues sculpture and children baseball bronze statue park bronze bronze", "with the statue statue with with statue to baseball - boy statue park'statue statue", "young boy and boy pose in front of statue by statue of two children, two", "with a big statue of man and his friends and child with person", "a statue of a baseball player is showing two boys and a girl", "three boys and one older man standing behind two boys", "a group of children standing next to a metal statues", "a young boy stands in front of a statue with a soccer field and a children", "a boy is leaning over a sculpture with his hands behind his head", "boy and girls sitting statue of a young man outside a stadium", "a boy and three little boys stand next to a statue", "a boy and a boy in t - shirts pose for a photo outside"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "bench (765029)"}, {"operation": "verify material", "dependencies": [0], "argument": "metal"}, {"operation": "verify color", "dependencies": [0], "argument": "silver "}, {"operation": "and", "dependencies": [1, 2], "argument": ""}], "entailed": ["09842753", "09842743", "09842742", "09842741", "09842752", "09842754", "09842738", "09842739", "09842749", "09842760", "09842758", "09842759", "09842744", "09842769", "09842768", "09842767", "09842757", "09842761", "09842756", "09842762"], "equivalent": ["09842755"], "question": "Does the bench look silver and metallic?", "imageId": "2363435", "isBalanced": true, "groups": {"global": null, "local": "05-metal_silver"}, "answer": "yes", "semanticStr": "select: bench (765029)->verify material: metal [0]->verify color: silver [0]->and: [1, 2]", "annotations": {"answer": {}, "question": {"2": "765029"}, "fullAnswer": {"2": "765029"}}, "types": {"detailed": "verifyAttrs", "semantic": "attr", "structural": "logical"}, "fullAnswer": "Yes, the bench is silver and metallic.", "image": "2363435.jpg", "question_id": 9842755, "captions": ["bench park park park rest and park bench lying metal park metal outdoor bench metal sitting", "sitting bench one urban benches park laying sleeping rec sitting park sleeping bench metal park resting", "metal park a metal park park bench bench steel benches metal, park metal steel bench", "a gray metal bench sitting on top of a metal bench", "a person lying on sitting on an upholized park bench", "a woman is lounging on a bench", "a person lounging on a silver bench", "garden bench bench bench steel metal metal outdoor benches", "a person sitting on a metal bench watching television", "a child has fallen asleep on the bench", "a woman wearing jeans and jeans is sitting on a bench", "lies laying sitting rest metal laying grey couch park a metal metal metal, bronze sitting", "a woman is laying on a steel park bench", "a a metal stainless bench outside a a metal steel laying metal metal public two metal", "sit metal a on metal laying steel on a sit laying sitting sleeping seated steel kid", "a person sitting on a metal bench outside", "sitting bench metal park park park bench metal aluminum iron benches stainless metal bronze metal stainless", "there is a boy sitting on a bench", "bench metallic bench metal silver metal metal legs bench benches park metal bench bench bench bench", "a guy relaxes on a bench in the park", "a woman is sitting on the bench at a bench", "the bench is brown and black and the chair is metal", "a girl sleeping on a metal bench while wearing jeans", "a person sleeping on a bench sitting on a metal and metal bench", "benches bench a and metal the park aluminum bench metal metal bench bench park bench metal", "a silver bench sitting in a metal garden", "a guy sitting in a chair is lying down on a bench", "a bench on top of a metal metal bench with metal slats", "a silver metal bench sits on a metal metal park bench", "a blonde headed boy lies on a bench while he sleeps in a park", "the metal metal bench is metal and is painted grey", "the metal outdoor aluminum park seated arm benches steel metal bench metal aluminum metal bench a", "a man laying on a metal bench with his back on his stomach", "a young man listens while he sleeps on the bench", "a person sleeps on a bench with a laptop", "a person rests on a park bench covered in a blanket", "a person asleep on a bench with his legs up on it", "there is a man sitting on a bench near a building", "steel metal grey metal bench metal gray park metal bench steel metal metal metal bench park", "a man talking on a phone outside on a bench", "a person is standing in jeans on a bench", "a girl is laying on a bench wearing blue sneakers and sitting on a bench", "bench metal metal metal benches bench sitting metal metal metal metal metal metal metal metal a", "head seat metal metal metal the metal metal metal metal benches urban steel metal rec in", "metal park aluminium modern bench silver steel park metal metal bench bench steel, chair chair", "a in a sitting a lying sleeping talking young listening a covering sleeping the head sit", "a metal bench along the sidewalk near a metal fence", "bench and benches bench benches metal steel benches seat metal bench bench bench aluminum steel metal", "a person laying on a bench with their legs crossed", "a person is sleeping on a steel bench", "a person is sitting up on a bench", "a person is sitting down sitting on a bench", "a man on a metal bench next to a lush green bush", "a woman sitting on her head on a bench", "a person that is laying down on a bench", "bench bench couch seat a a park sl man people chair metal sitting sitting bench bench", "an silver and silver bench is on a metal and metal bench", "a man on a metal bench having his face covered with a phone", "the woman is sitting on the bench next to the chalk art", "a man with his feet propped over his legs on the bench", "bench sleeping bench bench legs, couch metal bench metal bench bench park benches iron two", "a male laying on a park bench with legs up", "bench park a metal metal park bench bench steel sitting bench seat metal metal a metal", "a bench with silver metal seats with a metal top and metal arms", "a person is laying on a bench on", "a lady sitting on a park bench watching tv", "an outdoor bench is sitting on the aluminum bench", "a bench with back rest for a woman", "a young girl sits sleeping on a metal bench", "a bench that has some metal legs on top", "laying in sleeping of lazy homeless bench man rec lying park rec nap one on park", "a young boy is laying on the park bench talking on a red headphones", "people relaxing outside on a metal outdoor bench", "a metal bench and metal benches are set in the shrubbery", "a guy sitting on the silver and black bench", "young person sleeping on a park bench near the beach", "a girl relaxing on an urban grey bench", "woman with jeans is laying on a bench at park", "a bench with an adjustable steel seat next to a white and grey wall", "metal two metal metal steel bench steel benches bench bench bench arm bench bench park seating", "a woman is sitting on a chair on a bench", "a metal bench with a metal metal bench bench", "a woman standing next to a man asleep on a bench", "a man is laying on a metal bench near his feet resting on his lap", "a park aluminium with steel steel metal park sitting metal steel metal silver steel bench bench", "a person laying on a bench by themselves on it", "sitting couch - steel a park - bench bench benches on park sits on silver chair", "a metal bench on a metal silver steel metal bench", "a park bench that has a seat down and it is sitting on", "a man laying on a metal and iron bench", "a person laying on a metal metal park bench", "a man in jeans pants and shoes is on a bench", "a man sitting on a aluminium steel bench outside", "a red headed boy sitting on a metal bench", "a person sitting on and armrest on a bench", "young woman on a bench a bench park bench", "metal park in metal metal on metal a there bench bench park steel metal bench park", "a metal and metal bench with a steel back", "a person sleeping on a bench in front of some buildings", "a man rests on a park bench resting on the bench"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "furniture (913475)"}, {"operation": "filter material", "dependencies": [0], "argument": "wood"}, {"operation": "choose name", "dependencies": [1], "argument": "desk|chair"}], "entailed": ["12241871"], "equivalent": ["12241876"], "question": "Which kind of furniture is made of wood, the chair or the desk?", "imageId": "2344744", "isBalanced": true, "groups": {"global": "furniture", "local": "12c-furniture_wood"}, "answer": "desk", "semanticStr": "select: furniture (913475)->filter material: wood [0]->choose name: desk|chair [1]", "annotations": {"answer": {"0": "913475"}, "question": {"9": "913487", "3": "913475", "12": "913475"}, "fullAnswer": {"1": "913475"}}, "types": {"detailed": "categoryThatChoose", "semantic": "cat", "structural": "choose"}, "fullAnswer": "The desk is made of wood.", "image": "2344744.jpg", "question_id": 12241876, "captions": ["two photos of a man sitting in a chair working on her computer next to a", "the office news a news and a in a", "a newspaper ad that features a man talks over the phone", "a large large chair has a large table lamp on a microphone desk", "a nat he met ho hart he wit all lit met ke, police in pol", "a man sitting at a table alone at a wooden looking table", "proof pool pools pool pool pool pool pool", "a man talking on a cell phone next to a chair and a computer", "newspaper post news man journalist newspaper talking phone phone office house a tel to news boss", "cell on cell phone phone on newspaper office today phone on iphone office telephone, fake", "a collage of pictures of a man", "a picture of an old man talking on cell while on the phone with a display", "a man that is on a computer on a lap computer", "a man sitting at a desk", "news on a newspaper about the daily", "a the newspaper not a obama ho ho a porn in what news, in a", "there is a men's bedroom with wooden cabinets against the wood cabinets of an", "person talking on a cell and talking while talking on phone pay phone in the office", "the front page of the daily news about the phone", "a person sitting at a desk while talking to phone", "man using laptop computer on laptop on desk", "a newspaper advertisement for a person on a laptop, and some photos of a man", "on a me political ad in media the me funny has the", "a newspaper clip texting that shows the word polpon and is over texting", "a man sitting at a desk using a laptop", "a computer and laptop computers for a computer", "office on using, on on he ho work talking on in tablet talking on on", "a woman talking about a hot hot hot lady", "a newspaper ad to a reporter with someone saying'fold - on '", "photos photo on a a computer has his computer he net hot net hot tel data", "this is a pool pool pool pool quote on the front of the laptop", "a newspaper page of a newspaper about police and a man in plaider whitestal", "some of the problems have become a bit of a person's desk", "a collage of pictures of a wooden desk in an office with text detailing the", "a laptop computer sitting on top of a desk next to laptop", "newspaper font, that says pool pool pool pool", "a man is at a table in an office", "a text a featured this - desk in headline a that a man office full magazine", "pool pool pool pools pool pools and pool pool pool pony", "on post texts on on phone on on on on phone has on phones a photos", "a man in his office at a pool", "man man phone executive talking business talking speaking telephone office speaking talking talking cell talking talking", "a newspaper advertisement with a man working on his computer", "an article with a photo of a man working in a desk", "a man in a suit sitting at a desk working on a laptop", "a person sitting at a desk laptop using a lap top computer", "picture of a man on a computer and a large wooden office desk", "a man sitting at a table, looking very relaxed with a poled mustache car", "there was a newspaper article i made about ron meyer on monday", "a man speaking on a phone while sitting at a desk", "a laptop computer is sitting on a desk with a water hose attached to it", "the man is sitting on the phone at the computer", "a man talking on a phone while sitting at a table", "a split picture comparing an image of a man as a president that appears in an", "an older woman talking on mobile phone and an ad with pool pools", "a man who is sitting at a desk", "a this a a post advertisement of a news to on a newspaper - newspapers poster", "a man talking on his phone while using a laptop computer and on his cell phone", "a man talking on a phone while on a cell phone", "picture holding holland powder nod in nod poll in he hot hut holding hal pull office", "an old newspaper with a man talking on a cell phone and phone", "a news piece with an article on it and pictures of the paper in front", "a newspaper ad featuring a story with a man on phone, talking on a phone", "a picture of a room with a desk, a chair and a laptop", "a man wearing a suit sitting inside of a wooden desk", "the front page of a newspaper with a picture of a man sitting at a laptop", "a picture of a text message in a newspaper from the newspaper", "a man sitting at a desk in an old style office", "pool pool pool pool'pool'pool of bill", "a cartoon of a man that is in a picture", "a split image of a political picture of a man on a desk", "a newspaper newspaper advertisement for patriot cell phones and on phone", "the same page from the paper that says it happened to an unnet date", "a person at a desk working on a laptop", "man in talking talking talking phone talking on call talking talking man talking on in phone", "pool pool pool pool pool rod algar de pol a polal contatas", "an image of a businessman talking on his cellphone", "businessman a office with, man business a apple using talking and on computer on apple", "a man on a laptop sitting at a table", "the politician is talking on his cell phone and talking on the phone", "the front cover of a newspaper with a man on a computer", "a newspaper page with the image in four different levels of the image", "a guy working on a lap top computer", "par par parrot pa par par par parrot par par par li parrot parrol par", "office a man is has gay is is and and gay funny a post and ron", "a texting poster about polish journalist power on phone phone phone", "a man sitting at his pool on a wooden desk", "a monitor computer on a desk, and a lot of yellow books", "man at a desk with a laptop and a desk lamp", "office with office the a desk desk is mobile as on obama and on working ho", "a man on his phone sitting at a desk", "man has a joke on his daily humor, a hilarious political message", "a man sitting in an office talking on the cellular telephone while using an old fashioned", "a man with a red and white polish polish sign and the word poler", "pools pool pool pool po pool pool pool pool, pool pool pool po pool pools", "in mit reporter today news politician in to _ on no text in a a with", "president ke he on un a mustache whose mustache american cars on a sitting sit sit", "me - on funny and the, but hi laptop laptop", "a newspaper article and a photo of paper article newspaper newspaper newspaper paper newspaper article a", "a photo of a wooden panelset piece of wood with a power pluger"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "animal (1191345)"}, {"operation": "filter color", "dependencies": [0], "argument": "gray"}, {"operation": "relate", "dependencies": [1], "argument": "_,leaning on,o (1191351)"}, {"operation": "query", "dependencies": [2], "argument": "name"}], "entailed": [], "equivalent": ["14623401"], "question": "What is the gray animal leaning on?", "imageId": "2397276", "isBalanced": true, "groups": {"global": "tree", "local": "14-animal_leaning on,o"}, "answer": "tree", "semanticStr": "select: animal (1191345)->filter color: gray [0]->relate: _,leaning on,o (1191351) [1]->query: name [2]", "annotations": {"answer": {"0": "1191351"}, "question": {"3:5": "1191345"}, "fullAnswer": {"1": "1191345", "6": "1191351"}}, "types": {"detailed": "relO", "semantic": "rel", "structural": "query"}, "fullAnswer": "The animal is leaning on the tree.", "image": "2397276.jpg", "question_id": 14623401, "captions": ["a giraffe walking on a dirt path with birds, elephants, and animals", "two giraffes and elephants are outside in the daytime", "a giraffe standing near a log near a fallen tree", "a large group of birds standing around a white bird in a white bird", "this a the gi gi gi africa gi gi adult wildlife gi a a gi gi", "zebra an a lone gi gi gi gi gi herd is elephant elephant a gi three", "giraffe standing in fore green field in field with forest on the background", "a baby giraffe walks in an enclosure", "a field where the three cranes are grazing, including an antelohen, an", "giraffe is walking through the grass while birds are near", "one large giraffe has it it's tongue straight", "small wild animals and donkey elephants some animals", "a boy in the grassy field in front of a tree stump", "a giraffe running toward a path in the wild in some zoo animals", "a picture of a giraffe running around with various animals around in the background", "a safari setting shows an elephant walking in a field", "a giraffe is seen standing near large logs", "birds and with bird e white walking white cattle animal bird pe e grazing birds road", "a baby giraffe is walking amongst two elephants", "the giraffe is standing next to baby elephant and animal", "a woman walking with an elephant in the background", "a giraffe is strolling around on the day walk", "a giraffe walking between some pigeones and birds", "a long giraffe that seems to be eating grass", "a juvenile giraffe walking toward the camera next to a large bird", "giraffe and zebra roaming the plains", "two young giraffes walking very long and looking happy", "a giraffe that stands close to a bird and it's a group", "a group of giraffes and elephants in a pens and elephants", "one zebra and two giraffes and three zebras are in a row", "a giraffe and other animals walking along a path", "a giraffe walks in front of several birds and elephants", "a number of birds standing in a field together", "a large and several seaguls are walking on grassy", "two elephants are standing on a grass field near some white birds and birds", "three animals and animals walking and a giraffe and four swans", "a young animal standing next to some storks", "a large giraffee walking in a lawn grass", "a couple of animals and zebra birds sitting by a mother giraffe", "a giraffe is standing next to an elephant and elephant and an elephant in", "a giraffe standing in a field surrounded by swans on a stork", "a big giraffe standing in the wild looking at his rhinos", "a giraffe leads away in the wild", "adult and a baby giraffe next to a herd of birds", "a running gibb of a group of birds in a field", "zebra, white birds, and egreast is standing by in front of a", "giraffe and zebras are walk through an arid area", "a giraffe walking close to some white birds on their back", "a giraffe standing staring away toward an elephant and an elephant", "some one tall gi gi gi africa gi gi animalraf gi a gi a on", "a giraffe and white pelicans near a streamer", "an eagle, an elephant a zebra, some cattle and birds", "several animal and zebra grazing around in a field", "an animal a fence, an elephant and an elephant and a giraffe", "a white horse and some animals and elephants sitting around a pond", "a tall giraffe is walking by birds on a sunny day", "a bird and white birds with an elephant a elephant, zebra e - bird and", "a giraffe is standing next to zebras and elephants", "a giraffe walks up a path beside an eagle and a white bird", "a giraf zebra gi brown gi photo gi gi gi a zoo gi gi gi", "a animal that is walking by some branches", "a giraffe giraffe is walking in an zoo", "a group of animal and elephant in a zoo", "there is no image that is being the most of a white picture", "standing gi gi gi gi the adult taken a a a a a a lone an", "gi gi gi brown white gi gi gi gi gi - gi of, wildlife a", "the giraffe is large brown and white birds on the land", "a couple of giraffes and elephants sitting next to a birds and zebra", "a giraffe walking in an enclosure with wild animals in the background", "a zebra, an elephant, an elephant, some birds, and a giraf", "a girafetarafal walks in a meadow in a country", "bird, an elephant, and an ostrich stand in front of the grey", "an elephant and group of animals near a dirt road", "giraffe walking and dirt path near pathway track, elephant, an animal,", "the giraffe is very large than", "the giraffe is walking slowly in the grass for grass", "a large giraff walks in a pasture with birds, white egrets", "a giraffe facing an elephant and various birds", "giraffes roam a zoo field at wild animal's enclosure", "this is an image with some people, white birds and wild animals", "a giraffe trotting while another is looking at the camera", "white and birds and birds standing on sandy egret", "a giraffe that is walking to the right, walking towards the camera", "a giraffe and baby by bird are walking on grass", "two birds and three giraffes standing around in a wildlife park", "giraff standing next to seagulls, elephants, and cattle", "a tall giraffe and a baby giraffe walking across a dirt path", "a giraffe crossing the road in front of the birds and an elephant", "a giraffe is coming to eat leaves out of a tree", "birds and birds sit on a group of birds nearby", "a bird and seagults walking around around a girafffe", "a giraffe that has some birds and some white and black birds", "the animal and the elephant are eating grass", "a bird walking around while a seagull walks beside it", "adult giraffe and its giraffe are running on an open grass field", "a giraffe walking across some animal on a brown field", "a photo of a giraffe walking across a track with a bird at its", "a small giraffe walking across the plains", "adult giraffe walking in front of a group of birds near a tree", "a giraffe and one bird walk down a path side, while a group"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "flowers (1229417)"}, {"operation": "relate", "dependencies": [0], "argument": "_,in front of,o (1229446)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["11652968"], "equivalent": ["11652967"], "question": "What do you think are the flowers in front of?", "imageId": "2392494", "isBalanced": true, "groups": {"global": "object", "local": "14-flowers_in front of,o"}, "answer": "bell", "semanticStr": "select: flowers (1229417)->relate: _,in front of,o (1229446) [0]->query: name [1]", "annotations": {"answer": {"0": "1229446"}, "question": {"6": "1229417"}, "fullAnswer": {"1": "1229417", "7": "1229446"}}, "types": {"detailed": "relO", "semantic": "rel", "structural": "query"}, "fullAnswer": "The flowers are in front of the bell.", "image": "2392494.jpg", "question_id": 11652967, "captions": ["the tree is blossoming with a clock in the center", "a bush of flowering pink flowers on a flowering cherry tree", "pink flowering sun tree time on pink clock time tree flowers orange tree pink blossoms flower", "a flower cherry tree with a flowering cherry tree blooming", "a pink flowering branch with pink cherry blossomes", "a blooming tree branch with purple flowers", "sakura cherry tree blossoms in the fore", "tree at pink time clock time on pink a there a the a a a a", "a big clock is made to the side of a tree with pink blossoms in bloom", "a blue round clock is seen through the pink flowers", "flowers in front of a clock at cherry blossoms", "a house is through cherry blossoms near a pink blossoms", "the cherry blossom is in front of a clock in bloom", "a clock beneath pink blossoms with blossoming trees under", "bright pink flower bushes with flowers and blue circular clock", "a large clock clock face with the sun sun against pink tree blossoms", "a flower decorated clock in front of a cherry blossom", "a round clock on top of a building in spring time", "cherry blossoms bloom in full bloom with cherry tree", "trees, flowers, trees, blur, blur, tree in the fore,,", "a large clock clock with and it in the center of a flower", "a tree through petoni blossoms and a clock on a clock face", "a clock has been taken above a tree with blossoming flowers", "a white clock sitting outside below pink flowers", "a large clock mounted in a wall surrounded by pink cherry blossom", "a large clock sits on the tower of a building", "a pink blossom tree with pink tree blossoms over a large clock", "a round clock clock mounted to the face of the rose trees", "the back flower of a tree has blooming pink flowers", "a outside clock with a clock and a clock in pink blossoms", "a large clock atop a small building in front of pink flowers and pink flowers", "pink blossom blossoms cherry flowering a blossom bloom pink flowering bloom flowering cherry of and blossoms", "a tree with a view of a pink clock sitting on the outside", "a blossomed tree is behind a large dial clock", "a large clock mounted on the side of a wooden fence with flowers below it", "blossom flowering cherry tree blossom pink flowering cherry in cherry pink pink bloom cherry pink cherry", "pink tree branches with blossom on it under the bright sun", "a bird house with cherry blossoms in the foreground", "a clock is shown on the side of a building that has a tree in the", "the house and cherry blossomes are in bloom", "a clock near a flowering cherry tree flowering", "pink flowers blooming on the branches and the trees in the background", "a white and white clock next to a flowering pink tree", "a tree with a flower growing over there is a large pink blooming tree with", "time clock sunset sunset large sun flowering floral and clock the bell clock time ho on", "tree and flowers in spring with pink blossoms", "a large clock on the face of a building", "a clock is sitting on a pole outside with purple flowers", "flowering blossoms in front of a view of pink tree in the blossom", "a clock outside spring time and bloom in pink pink plum blossom", "a large clock on a large clock face in the center of a pink tree", "a red apple blossoms in the blossom cherry blossoms", "a close view of a flowery tree in bloom", " outside time time with a pink tree the under time blossom clock clock clock clock", "a flowering pink tree in spring surrounded by the cherry blossoms in pink blossoms", "a flowering sakura tree and a sun - clock hanging on the clock", "blossom pink flowering blossom blossoms flowering blooms bloom blossom blossoms pink blossom spring cherry cherry blossom", "a white and black clock sitting on top of a building", "sunset sun in flowering red looking flower sun blossom time lens fore sun sunlight clock sunset", "an orange sun shining in the morning behind the blossoms", "clock ho a clock tree blue in painted in clock clock blue blue clock big clock", "a large clock and a cherry blossom in blossom", "flowering berry blossoms with pretty cherry blooms blooming around them", "a pink flowering flower next to a clock tower", "a clock on a large clock telling time as the sun and pink flowers of pink", "a very pretty flower and a big clock on a tree", "a tree with a large clock face and plum blossoms outside", "a clock is near many pink cherry blossoms", "a small blue clock with a clock face below a blooming tree filled with pink", "flowers in a window filled with cherry blossoms", "colorful sign on the side of a tree and flowers", "blooms flowers pink and flowering and tree blossoms blossom spring blossom flowers tree cherry blossom blossom", "a large clock on the side of a wall near a flowering tree", "a blossom tree in the spring time", "a tree has blossoming pink flowers and a clock with a big face and blue", "the flowers are in bloom near a tree", "blossom in a tree with pink blossoms", "pink pink purple, flowering cherry blossom blossoms cherry cherry bloom bloom blossom spring cherry blossom", "blooming cherry tree with pink flowers and bright pink tree branches", "a clock attached to a wall below trees with pink flowers", "a big clock that is sitting under a pink blossom", "a spring with blossoms in front of a tree clock", "a beautiful pink cherry tree with pink blossoms in the fore", "a clock shaped like a house against a flowering tree", "a large floral tree blossoming near a clock and blossoming tree", "a close up of a clock with pink flowered branches", "an ornate clock mounted on a wall on a church tower", "a clock with a cherry blossom tree in the background", "an ornate clock is displayed in front of a blossoming tree", "an outdoor wall clock surrounded by blossoms", "a large clock face and tree flowers are cherry blossoms", "a flowered tree limbs some flowers and a clock", "the tree is in bloom and pink flowers", "a clock that is in the center of a pink blossoms", "a flowering magel tree frame a blooming tree above", "outside outside clock watch clock analog clock watch clock clock clock time sun watch time the", "a clock tower sits before bloom cherry blossoms", "a clock tower in a park with a flowering pink tree", "a flower tree in full bloom in front of a clock", "tree in as blossom blossom sun full blossom"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "wine (2009658)"}, {"operation": "relate", "dependencies": [0], "argument": "person,drinking,s (1971892)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": [], "equivalent": ["171036825"], "question": "Who is drinking the wine?", "imageId": "2377458", "isBalanced": true, "groups": {"global": "", "local": "14-wine_drinking,s"}, "answer": "couple", "semanticStr": "select: wine (2009658)->relate: person,drinking,s (1971892) [0]->query: name [1]", "annotations": {"answer": {"0": "1971892"}, "question": {}, "fullAnswer": {"1": "1971892", "5": "2009658"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The couple is drinking the wine.", "image": "2377458.jpg", "question_id": 171036825, "captions": ["two elderly women are drinking from wine glasses", "a woman holding a wine glass glass and a man holding a glass of wine", "a couple of people with glass of wine and wine holding glasses", "a man and woman holding close to each holding wine glasses and drinking wine wine with", "these people are enjoying their wine and holding up wine glasses", "a person is taking a wine poured in a glass", "a couple of people tasting wine glasses for wine", "wine winery pose posing wine a wine glasses wine drinking and wine smiling wine wine wine", "glass tasting wine wine glass wine wine wine wine tasting wine wine wine winery wine wines", "an older couple drinking wine and sharing wine", "some elderly winepers drink alcohol and drink, with wine and a glass", "an older couple toasting and having a glass of wine and one person tasting", "wine wine cellar couple wine wine with wine holding wine wines winery wine wine couple wine", "drinking couple wines and wine who wines in two wine wine two posing champagne wine drinking", "a man and a woman tasting and tasting wine and glasses of wine", "the two people are drinking and tasting through their wine", "a couple of people standing around with wine and wine", "two people pose for a photo holding wine glasses and toasting", "this group of people are enjoying their birthday with wine and wine", "a couple posing with one holding wine and the second drinking", "woman toasting someone while drinking and toasting someone", "two wine patrons drinking wine into their wine glasses", "an old couple tasting while holding up a glass of wine and a wine glass", "an older woman holding up two wine glasses", "a couple of people is wineing for wine with some wine toasting", "a man in a bar holding a wine glass and wine glasses", "wine wine with wine elderly wine wine wine wine wine wine and wine cheers wines a", "a man and a woman toaste, as the wines have glasses holding wine glasses", "older wine wine holding wine couple older with is cl wine winery with wine wine toast", "wine wine wine and a vineyard winery vin wine tasting wine cheers wine wine wine wine", "a couple holding glasses of wine and holding a glass with drink", "two people holding their glasses and posing by the bar with a wine glass", "this is an image of two people pouring wine into wine glasses", "wine wine wine and that wine wine wine wines and wine and wine wine champagne an", "a man and women at a bar holding flutes while pouring wine and tasting a glass", "a couple at a bar toasting holding glasses in one hand and a wine glass", "a wine - loving couple tasting about to taste a wine tasting", "an old woman holding a table posing with a woman holding a table full of people", "a man and a woman holding glasses and posing for a photo with a wine glass", "two people standing with wine glasses and glass", "a man is standing next to a woman tasting her wine", "a couple drinking red wine and drinking red wine and holding wine glasses", "two people tasting wine glasses with wine glasses in them", "both wine wine and toast a with wine wines wine wine sharing wine wine bottle wine", "these two people are drinking wine and drinking wine drinking glasses of wine at the winery", "man smiling tasting with half of wine while wine is poured into wine glass", "two older women holding glass, wine, and wine glasses, holding a glass and", "two couple tasting and tasting wine with one holding a wine glass, wine glass and", "a man holding both holding each others holding wine bottle and holding a wine glass", "a older couple holds a wine glass and a wine glass", "man champagne wine and is drinks with wine the wine wine wine wine wine wine wine", "two people having a red wall a bar and a bottle filled bar and a counter", "a man tasting wine with a bottle of red wine", "wine while vineyard wine wine wine grapes holding, happy happy wine drinking holding with wine", "a man and a woman toasting and toasting in front of a bar", "two women holding wine glasses over the corks", "man and woman enjoying while raising their glasses to tasting wine with glasses full of wine", "two people holding glasses of wine and toasting", "cellar tasting wine wine wine toast glasses wine wine toast glasses and wine wine and glass", "a couple standing a bar drinking and sampling", "tasting wine drink wine cl wine on wine sampling wines wine winery in winery sampling wine", "an wine with wine is wine wine holds drinking wines champagne wine with and wine enjoying", "a man and a woman drinking wine, drinking with wine and holding wine glasses and", "two people holding glasses of wine and drinking", "a older couple is drinking wine while holding a wine glass and a glass of wine", "a man holding and holding a man while holding over a table holding a stool", "a couple is holding wine glasses and posing a drinking toasting scene", "a lady is posing for a picture and holding up a wine glass in front of", "a woman and a man toasting with wine glasses", "a man and a woman wine and have toasting wine", "two elderly women with wine and glasses of wine posing for a photo and making toast", "wine man holding with wine while wine tasting wines and wine wine wines people wine champagne", "two people holding near a bar with a glass and wine", "a couple pouring glasses of wine and holding a glass", "an older woman is holding a wine glass and holding wine glass with a stem", "a man and woman who are holding up wine glasses", "the two people are holding a glass of wine and a bottle", "two wine goers holding up one glass and two bottles of wine, and one", "two people toasting while holding vini glasses and drinking wine", "a couple of people standing next to each other holding glasses and tasting", "a man that is holding a wine glass with wine in his hand and a woman", "the man and woman are tasting with a glass of wine and a glass of wine", "holding cheers wine wine drink wine wine wine wine with wine wines wine holding wine holding", "a group of older guys having a photo on each with wine glasses", "a lady is standing next to an old gentleman holding a glass and drinking wine while", "two women drinking and tasting, one tasting, the other holding glasses of wine and", "a happy old age couple holding wine glasses in a photo", "a pretty women toasting and drinking while holding a wine glass", "a couple celebrating with a wine tasting", "wine glasses wine wine wine glass wine happy wine wine wine wine wine wine wine wine", "wine glass wines wine wine wine a wine standing wine wine wines wine wines wine wine", "two people wine tasting with two people drinking from them holding wine glasses with wine in", "wine wine holding gentleman wine holding wine wine wine wine wine while is wine winery posing", "two people toasting and holding wine glasses and holding wine glasses and taking a toast", "an old couple holding wine and holding their wine glasses", "this couple is celebrating a very merry wines drink toasting with a glass and wine", "two friends holding bottles and drinking with wine and wine", "an older couple who holds holding a room", "an elder is holding a wine glass in front of a wine glass and glass of", "two people holding wine glasses and smiling for a photo holding wine glasses and smiling for"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "girl (2945197)"}, {"operation": "relate", "dependencies": [0], "argument": "furniture,lying on,o (2945198)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["09211110", "09211106", "09211105", "09211109", "09211108", "09210980", "09211107"], "equivalent": ["09211111"], "question": "Which kind of furniture is the girl lying on?", "imageId": "2336002", "isBalanced": true, "groups": {"global": "furniture", "local": "15-girl_lying on,o"}, "answer": "couch", "semanticStr": "select: girl (2945197)->relate: furniture,lying on,o (2945198) [0]->query: name [1]", "annotations": {"answer": {"0": "2945198"}, "question": {"3": "2945198"}, "fullAnswer": {"1": "2945197", "6": "2945198"}}, "types": {"detailed": "categoryRelO", "semantic": "rel", "structural": "query"}, "fullAnswer": "The girl is lying on the couch.", "image": "2336002.jpg", "question_id": 9211111, "captions": ["adult laying in sofa room on couch playing wii video game", "a young boy playing a game with another child", "a woman standing up in the room and other children on the floor in the sitting", "an adult with a young child", "a person using a remote control while others watch", "a child and other boys are playing video game", "mother woman, a older older adult older an elderly woman an with nintendo", "a woman and child sit on a couch while one child looks at another in the", "a woman standing standing and sitting in a living room", "grandmother are a she seniors two, grandpa elderly in a a a that grandmother older", "two children and an old lady are sitting together in the living room", "a picture of a woman reaching for something", "the woman is with a child sitting on the couch", "a a people a the children two child wii playing the child two a man children", "a woman with a glasses plays nintendo wii with a group of adults", "a boy who is standing on a couch with a little boy", "the family has been relaxing in the living room together", "woman and man with two kids laying on a couch", "a man points up in the air in a living room", "an older woman and two children lying down in a living room", "child playing kids sitting children children family four are living three there wii in three playing", "a woman and two little boys resting on a sofa set", "a woman that is standing up", "a boy and two adults sit around a chair while holding a wii remote up", "a woman that is laying down on the ground", "a father and children are on the sofa watching", "elderly woman talking to child as family lies behind an elderly", "a boy and two children are playing the wii in a living room", "an elderly is smiling and a child and some people", "adult woman standing next to three kids on couches in living room", "a three people playing a video at an open room", "woman and two men play wii wii video game", "four children sitting and three people watching them are laying", "woman holding up hand to celebrate in front of three ladies", "a woman and a little girl are talking and eating", "a child playing video games next to a man", "a woman standing next to a little boy who is playing a video game", "an older woman with some kids and one is playing video game", "three boys and two girl living on the couch", "a person standing next to an older woman on couch", "a little smiling two children and a family laying", "older woman and young boy play wii video games", "two children play a nintendo wii game with one of them", "an older woman plays with a children and older woman", "older mother woman with a older raising the grandmother a adult adults older there two being", "a lady sits on a couch next to a gray couch", "a young child is holding a nintendo wii remote", "a woman and a man lounge on a couch", "a man walking in front of kids in a living room", "a woman is cheering as child holds out his hand", "an older woman with two children and two people laying on the couch", "an old lady is watching something while two children sits in the couch", "a lady is working with her child in a room", "a group of people with kids sitting in a living room", "two adults gathered together at a living room", "a woman playing a game while her children look on laying on the sofa", "a kid with a family resting in a sofa", "adult, chair and son are lying down together near a child", "a woman and two children playing a game on a playstation wii", "a lady is raising her arms, smiling with two other people", "a family of three playing the wii in a living room", "an old female and an older woman on the couch couch sofa and sitting", "a child sits on a couch as three family are watching a television together", "a woman is standing while a woman lays on the couch", "a kid sits on a couch while two boys watch", "it is a photo of a family of three while one family watches and the older", "an older woman and young boy playing wii together in an elderly living room", "older ladies lounge in a living room next to grandmother and son", "a woman who has passed a child on the couch in a living room", "a family having a good time in the living room", "a man and child dancing in a room", "a photo of a mother and her sons", "an old woman watches a young girl take a sofa and watches the young children rest", "an older woman enjoying a game of video games while a young boy and two older", "kids sitting on a couch next to people in a living room", "an older woman standing near a young boy laying down", "is mom a children woman old elderly family nintendo is children a older wii is nintendo", "an adult is playing while three other family is watching", "a girl and child with two adults watching", "an older lady and a child and a women watching", "older woman and boy are playing a video game", "a woman playing wii with people in a room", "people play the wii while a boy leans up, holding the remote", "two women standing up as a man is standing next to an elderly woman", "a women standing on a nintendo wii controller on the nintendo wii wii wii wii controller", "a people and two children laying on the couch", "a man playing a video game while a boy watches", "a little kid being watched by an adult playing a video game", "an eight and a boy playing the nintendo wii", "a group of kids lying in a living room", "man laying on a couch, a man and two adults, and a boy sleeping", "a woman with a game controller stands while a group of people lay on the couch", "group of people lying on a sofa lying on a couch", "a mom and two kids laying in the same living room", "an older woman is watching the young boy sit down", "a grandma playing a movie game with two kids watching", "an old man and a woman relaxing in the foreground with other people seated in", "a group of kids lie around in a room together", "three children are playing wii in the living room", "a woman is standing next to family sitting on the couch"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "shirt (445590)"}, {"operation": "relate", "dependencies": [0], "argument": "person,wearing,s (445573)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["1162289", "1162308", "1162288"], "equivalent": ["1162307"], "question": "Who wears a shirt?", "imageId": "2396341", "isBalanced": true, "groups": {"global": "person", "local": "14-shirt_wearing,s"}, "answer": "woman", "semanticStr": "select: shirt (445590)->relate: person,wearing,s (445573) [0]->query: name [1]", "annotations": {"answer": {"0": "445573"}, "question": {"3": "445590"}, "fullAnswer": {"1": "445573", "4": "445590"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The woman wears a shirt.", "image": "2396341.jpg", "question_id": 1162307, "captions": ["smiling, a smiling smiling smiling smiling a making smiling to a smiling white cl happy", "a woman wearing white shirt posing for a picture", "an outside picture of a house under a house", "a enjoying eating women drinking a people young sipping alcohol a two enjoying some people an", "a woman in white shirt with short hair and white shirt", "a white the ladies woman white man the woman white white eat a a a the", "there is a woman in a short orange skirt", "a woman that is smiling at an evening", "a ladies women wearing t - shirt shirt, a white shirt white top", "a woman is smiling and smiling for a picture", "a woman standing in front of people at an outdoor event", "a lady wearing a white shirt, sitting outside", "three ladies sitting down outside talking and laughing", "a woman sitting with a women's white v - neck t - shirt on", "a woman drinking and drinking a beverage with an ice - cream and muffin", "and picture asia a laughing happy and while about the asian wearing a with smile a", "women asian women people at happy tourists two women toast people people t women - ladies", "a blue table with food on it next to some women's clothes", "a women in white shirt sitting down at a picnic", "woman wearing white shirt smiling at the camera", "a woman smiles while sitting on a chair", "a woman sitting in the middle of a group of people", "a woman in a white t shirt with a drink at the top", "women women men women white is there people women an woman white honey being a a", "a women that is smiling wearing white shirt white and a white t - shirt", "a girl is enjoying a drink while sitting down at a table", "a young woman smiles while eating and posing for the camera", "a smiling asian women sitting and smiling for a photo", "lady smiling smiling and wearing an white shirt", "a woman wearing a t - shirt posing for camera", "there is a woman smiling for the camera", "a woman smiling with some food on a blue table", "a woman with a white shirt and black shorts smiles for a picture", "a smiling girl in white smiles while wearing shades", "woman sitting in front of a white table serving food", "a young woman is wearing a white t - shirt and white t - shirt", "a a a white people white looking women white a there in sitting woman, lady", "smiling smiling smiling smiling smiles laughing smiling smiling smiles asian a smile laughing smiling happy smiling", "an asian lady waving open with another side of the image", "people a woman enjoying smiling female a two a a a a a a a a", "woman t a young cl women female raising and smiling beer woman people people women woman", "a woman holds a glass of bourbon looking like she is celebrating", "a woman is posing by a group of people sitting down sitting", "he happy, smile smiling a a a a smiling an person smiling a the white", "the a a seated, smiles at smiling white a woman people sitting two people a", "a woman is smiling and the women are smiling together", "a woman is sitting at an outdoor table eating, and drinking", "table lady t women white woman people female and a two a young shirt white woman", "smiles a girl smiles a a a a a a a the smiling woman a a", "a being smiling smile happy she smiling smiling smiling an people we a a woman lady", "a woman is sitting near the other people", "smile smiling laughing smiling smile smiling smiles smiling a a laughing a female a with smiling", "a pretty young girl poses in white t - shirt", "a woman drinking a glass of wine with honey and a glass jar of honey", "a group of people standing surrounding a lady with food on a table", "an attractive woman with a big smile is smiling while holding some food", "a woman poses at a table full of food", "a woman in white shirt holding cups in the other hand", "we female white there girls there a woman smiling one a a woman smiling white ladies", "a woman at the table with people standing around her", "happy a posing the happy happy smiling smiling a there smiling an a a a a", "several women sitting in a restaurant table with their drinks", "the woman smiles for the picture to be happy", "a people three white people ladies four girls people three women three people three woman people", "the young woman smiles to the camera for the camera", "the woman is smiling for the camera while looking from next to another", "there are many women sitting side by side", "people seated at an outdoor seating table and eating out of plates", "a women sitting at a table talking to her hands", "woman people women the seated a women a a a a a women wearing food woman", "a woman is smiling and smiling for the camera", "a woman is smiling while sitting down", "a women standing, smiling and wearing shorts and white shirt", "two women drinking white wine at an outdoor party", "all a smiles just laughing two laughing a smiles a -, laughing a smiling smiling", "a couple of a young women sitting at tables", "a woman wearing a white shirt posing for a picture", "a young women smiling with some plates of food", "a lady people lady wearing the in a a there smiles woman white there smiling t", "in a woman women a a a a a woman an a a a smiling young", "a group of women seated at a table of food", "a girl in a white shirt sitting close to a lady with sunglasses", "a woman with white shirt and white shirts standing by white background", "a group of people sitting on a bench", "a group of people sitting around a buffet table together", "a woman sitting at a table and smiling for the crowd", "a person that is smiling and wearing short sleeved shirts", "shirt women t white a female white white white t a sitting white women a on", "a woman smiling on a table dressed in a white shirt", "a large group of friends at a patio gathering", "there is a woman that is smiling for the camera", "a smiling smiling female smiling with a white shirt on", "in women with white women friends white a group a the lady young women a the", "a female posing with a lady looking in the camera", "a girl in a white shirt smiling for a picture", "and smiling smiles smiling smiles toast smiling laughing cheers smiles smiling and woman smile laughing smiling", "asian lady woman with people woman posing smiles the a women smiling woman woman woman we", "a woman smiling for the camera in a white shirt", "a woman is posing and wearing grey shorts", "a woman in white shirt holding a glass and some drinks"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "scene"}, {"operation": "query", "dependencies": [0], "argument": "place"}], "entailed": ["13534235", "13534234"], "equivalent": ["13534236"], "question": "Which place is it?", "imageId": "2319453", "isBalanced": true, "groups": {"global": "", "local": "02q-place"}, "answer": "pen", "semanticStr": "select: scene->query: place [0]", "annotations": {"answer": {}, "question": {}, "fullAnswer": {}}, "types": {"detailed": "place", "semantic": "global", "structural": "query"}, "fullAnswer": "It is a pen.", "image": "2319453.jpg", "question_id": 13534236, "captions": ["three three giraffes sitting sitting in front of a another sitting down next", "three giraffes standing and sitting in an enclosure", "two giraffes giraffes standing by a red pavilion", "three giraffes grazing, one standing and two sitting as it stands", "there is a six giraffe sitting down with cans on the ground", "2 giraffes that are looking bored and one large baby giraffe", "small giraffe laying down in field as daylight begins to set", "the giraffe is sitting alone on the green", "four giraffes are standing together in the shade of people", "group of four giraffes sitting together on a field", "a number of giraffes all laying down on a plain and no one", "a some some water - bottles the and 2 can is many bottles can tall shot", "gi gi gi feeding gi gi four four gi gi gi a three gi gi two", "three giraffes laying rest on the ground in the daytime", "three giraffes sitting and baby near cans and a can", "a pair of giraffes laying down in the ground", "lots of baby lollie sitting and sitting and sitting together", "the giraffes are sitting in the dirt at the zoo", "gi four three six two three two gi gi gi three four three four four three", "a group of very tall giraffe sitting by itself", "one grown giraffe standing looking to the right", "three giraffes in a pen in front of one another", "the three giraffes lie on the floor looking different directions", "a group of cans filled with cans and bottles", "an image of a giraffe sitting down, resting", "a couple of giraffes standing in the enclosure", "a group of four giraffes are sitting and laying", "many giraffes sitting down next to one another", "a some large gi gi two three group three gi adult picture picture three a gi", "various giraffes sitting in a dry grass field", "a large heard of giraffes are looking for food", "three giraffes looking out over a grassy hill", "three baby baby giraffes are lying next to one young baby giraf", "three young and senior giraffe are walking together in an enclosed area", "a a gi gi gi gi gi a photo gi gi gi two gi gi zebra", "three giraffes standing and sitting and one lying down", "two giraffes look at the camera with one standing and the other sitting", "a giraffe standing next to two cups next to bottles", "four giraffes of both sitting and sitting", "three giraffes sitting and three laying in the field", "three giraffes laying in a sand field surrounded by many people", "the there are several giraffes laying down in the field", "three giraffes are lying down in an enclosure", "three gi gi gi gi gi gi gi gi gi gi gi gi tall wine gi", "three baby giraffes a young boy in a zoo cage", "there are four giraffes standing around outside together", "a group of three giraffes sitting and laying in group", "a group of brown drinks set on the ground", "a few giraffes are standing close to one another", "three giraffe seated and sitting in a small area outside", "giraffes giraffes giraffes rita sitting in an", "a group of three giraffes laying down and standing", "three giraffes with trees in the background", "a photo of some giraffes lying laying on some giraffes", "an giraffe in an an enclosed habitat looking to its side", "some giraffes are standing and lying around the others", "three giraffes sitting and eating from container", "two giraffes sit and shade in the zoo", "a large close up of three small and giraffes", "group of four giraffes near one another in their habitat", "three giraffes stand with a newborn baby four are lying", "few gi baby some a some gi two several gi gi gi laying wildlife gi some", "three giraffe on a dirt dirt on a farm", "a number of four small girils in the grass grazing", "a group of four giraffe sitting together outside", "two giraffes relax in the sun in a wooded area", "a group of five gifes standing next to each other", "three giraffes are walking around eating in this picture", "several small giraffes looking the photographer before their photo", "three giraffes laying down on the ground while two are laying down", "five gi gi gi gi gi gi four and gi gi gi gi adults picture gi", "gi gi three gi gi gi several three gi gi three gi gi gi gi gi", "a photo shows three giraffes in a field near rock formation", "the four giraffes are huddled together on the side of the road", "two giraffes are lying in this photo", "five giraffes standing around each other next to each other", "two giraffes are standing and sitting with one standing another", "three giraffes standing and sitting together a number of people and cups", "animals sitting in an open field with a hillside in the background", "the three girafs are laying and eat together", "a couple of giraffes are standing around in an exhibit", "a group of three giraffes stand together next to each other", "group of giraffes walking in grass field during summer day", "a multiple three a four and three three a four four three four three three a", "three giraffes standing next to each other in a pen", "a few giraffes that are sitting down together", "giraffes roam at the edge of a hill", "gi gi gi gi gi gi gi gi gi gi adult one three gi gi gi", "a group of giraffe sit down and eat something", "gi gi gi gi three two gi gi gi gi gi two gi gi zebra gi", "gi gi gi gi four gi gi gi gi gi gi gi gi gi gi gi", "three giraffes sitting side to side during their enclosure", "three giraffes sitting next to each other on the ground", "four giraffes sitting out in the wild", "two giraffes laying and feeding lying and resting", "several giraffes sitting on some grass and one is lying down and the", "a group of five giraffe laying on the grass", "several giraffes sitting near different beer cans on a sunny day", "three giraffes looking at the camera standing around", "a group of giraffes sitting next to each other"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "wall (1297569)"}, {"operation": "filter color", "dependencies": [0], "argument": "blue"}, {"operation": "relate", "dependencies": [1], "argument": "_,on,s (1297560)"}, {"operation": "query", "dependencies": [2], "argument": "name"}], "entailed": ["1536202", "1536206", "1536135"], "equivalent": ["1536201"], "question": "What is on the wall that looks blue?", "imageId": "2385384", "isBalanced": true, "groups": {"global": "textile", "local": "14-wall_on,s"}, "answer": "towel", "semanticStr": "select: wall (1297569)->filter color: blue [0]->relate: _,on,s (1297560) [1]->query: name [2]", "annotations": {"answer": {"0": "1297560"}, "question": {"4": "1297569", "7": "1297569"}, "fullAnswer": {"1": "1297560", "5": "1297569"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The towel is on the wall.", "image": "2385384.jpg", "question_id": 1536201, "captions": ["a bathroom with the blue walls and a blue wall is a light blue blue wall", "a white sink under a wooden cabinet under a blue wall", "a small white washroom in a blue wall and a blue wall", "a blue room that has a shower and a window in it", "the wall paint color is person's blue", "a white towel curtain next to a small bathroom", "a blue blue wall in a white room", "this small blue bathroom offers a small bath", "a blue wall with a white floor, blue chair and a large curtain", "a small clean bathroom with blue walls and white curtains", "blue bathroom with wood sink and blue walls", "a small blue bathroom painted on a blue wall with blue trim", "a bedroom with a blue painted wall and a door in one room", "inside a bathroom with a sky blue wall and white curtain", "blue bathroom with blue walls and a vanity", "a blue painted bathroom blue light colors and blue walls", "a blue empty room with a blue painted wall and a white curtain", "a bathroom with a toilet and a shower next to a window", "a picture of a photo of a room with blue walls and a white shower curtain", "this blue bathroom has a wood cabinet in it", "blue wall with a white curtains in a small room", "a toilet is in the middle of the bathroom", "a bathroom blue wall is painted blue and blue blue bathroom decor has a white toilet", "light shine on the corner of a blue bathroom", "a white and blue bathroom with blue walls and a shower curtain", "wall painted in blue, white, and brown is painted blue", "a room with blue walls, a small vanity and a long curtain hanging from the", "a blue bathroom is lit by a white shower curtain", "a bathroom with a color painted blue, a bathroom appears blue", "a paint blue bathroom with a curtain draped in a shower curtain", "a corner view of a shower stall in the corner of a bathroom", "a bathroom with blue walls and an all blue floor", "a living room in a blue walled home", "the bathroom is painted a deep blue color", "a blue room with a white sink and a blue wall", "a blue bathroom with a shower and white sink", "a small bathroom is painted blue", "blue wall blue blue blue bathroom room in blue a bathroom blue blue blue blue blue", "a blue and white bathroom with white sink", "a bathroom painted blue and a blue wall", "blue bathroom with curtain on wall and wall colors", "a blue bathroom is all about blue and light blue", "a blue room with a wall with a white sheet hanging on it", "a shower is lined up with a curtain", "this is a bathroom with a shower stall, blue walls and grey flooring", "a white shower with a blue wall and a blue wall", "blue bathroom with the blue walls and white bathtub", "the very blue bathroom has a blue walls", "a blue bathroom with the blue walls and grey flooring", "a white curtain draped across a floor in a bathroom", "the room is painted a blue blue blue wall", "a plain bathroom on a blue wall - paint color with a white tub", "a bathroom with blue walls and a white sink", "a shower curtain covered in white material with a white shower curtain", "a bathroom with a toilet and curtain", "a room with a white sink on the counter under a mirror", "bathroom shower curtain with blue walls in corner of room", "blue blue blue blue navy blue a blue blue light blue blue blue that blue blue", "a plain bathroom with a sink, toilet, and a stripped towel draped on a", "a white, blue bathroom has a simple blue wall", "a blue room has a white shower curtain for privacy", "a picture of a blue shower room, with the curtains open", "the a bedroom wall has a blue walls and blue and blue", "a bathroom with a sky blue painting and a bathroom with a window", "a white shower curtain with hooks beside a shower", "a shower hanging in a bathtub next to a mirror", "a bathroom that has a white sink and some blue walls", "a blue bedroom is painted with a white bed curtain", "a picture of a small bathroom with an shower in the corner", "the bathroom has an overhead light above tub and white sink", "a view of a bathroom that is nicely lit and clean", "bathroom with blue walls and wall colors with two shelves", "a blue powder blue bathroom with a light blue blue wall", "a blue blue bathroom with a shower curtain", "a blue room with a blue wall and blue ceilings", "blue blue a a a small blue a a small a blue blue blue blue blue", "a white shower curtain sits on a glass wall", "a bathroom blue walls blue and blue blue wall blue wall and blue painted walls", "a room with one sink is a sunny light", "a small blue bathroom has a shower and a window", "there is a blue room with a blue wall and a white and blue toilet", "a room designed to look blue and clean", "a bathroom that has blue walls and one wall painted dark blue / the other blue", "a bathroom with a blue wall blue walls", "a bathroom with the paint navy blue on the blue wall", "a bedroom with a toilet a window blue walls and window", "a blue bathroom with blue painted walls and a standing mirror", "small blue bathroom with shower in middle of room", "a very simple shower sitting next to a wall", "a blue bathroom has a curtain curtains over a window", "white shower curtain in room in front of blue walls", "view of shower in a bathroom with color blue", "the small bathroom has blue walls and wall painting", "a bathroom with blue walls and ceiling covering", "there is a blue wall in the small bathroom", "a close view of a painted wall near a window", "a a blue blue blue the blue blue a vanity light a blue on a she", "a blue wall with a light blue ceiling, a white shower curtain and blue walls", "there are two windows in this bathroom one door and one window has a large door", "a very nice looking blue bathroom with a big shower"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "mountains (827286)"}, {"operation": "relate", "dependencies": [0], "argument": "_,in front of,s (827287)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["12214326"], "equivalent": ["12214327"], "question": "What's in front of the mountains?", "imageId": "2355702", "isBalanced": true, "groups": {"global": "plant", "local": "14-mountains_in front of,s"}, "answer": "plant", "semanticStr": "select: mountains (827286)->relate: _,in front of,s (827287) [0]->query: name [1]", "annotations": {"answer": {"0": "827287"}, "question": {}, "fullAnswer": {"1": "827287", "7": "827286"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The plant is in front of the mountains.", "image": "2355702.jpg", "question_id": 12214327, "captions": ["a guy that is standing in the road", "he is in front of a large green plant", "a factory with a view of mountains in the background", "a small boy in a cloudy area near a construction area", "smiling in boy being smiling happily smiling smiling pose happily pose smiling smiling smiling smiling smiling", "a happy boy balanceboarding on a skate skateboard", "the man wears sweat shorts and sneakers while standing in front of the open - faced", "long a mountains view at scenery heavy view mountains mountains mountains mountain mountains a mountains green", "a skate boarder is parked with a mountain view in the background", "a boy smiling with a mountain vista behind him", "a view and a lift crane working by a large factory", "a skateboarders feet on a skate board with mountains in the background", "a man standing outside taking a great picture", "a man is skateboarding at the shore of a industrial plant", "a smile young boy standing over a mountain range", "in and air an green mountain low with cloudy and green industrial rural green rocky cloud", "smiling smiling child standing next to the city, fence, and a hangar", "a young boy is smiling while riding a skateboard", "a man is standing in front of a crane with mountains in the background", "green a with sky heavy observing with over looking a looking standing gan construction crane industrial", "a young man riding on his skateboard in front of an area with mountains and", "a person is riding a skate board in front of mountains and a large plant", "skate skate ska skate skate skate skaters skate skate skate skate skate skate is skate skate", "a skate board is parked against a cement silo on a cloudy day with mountains", "a construction site is in front of a factory", "a boy riding a skateboard outside near a large building and mountains", "a man riding a skateboard on top of a street", "a young boy in the foreground looking at the mountain behind him", "a a boy smiling looking a boy smiling the smiling a happy hills smiling his smiling", "a man standing in front of mountains in the background", "a building with a crane in the background behind it with buildings on a mountain range", "a man is skate boarding outside under a cloudy sky", "a boy on a skate board wearing grey pants and a mountain background at the bottom", "skate skate on skate with skate young skate on skate skate skate skate skate skate skate", "a young boy is riding a skateboard on a hill", "young child in skateboarding clothes with a backdrop of mountains and a lift", "a house with a view of mountains with clouds in the sky", "mountain mountains in a a the over a a mountains a a he mountain in a", "is hill flying a view is american crane view mountain factories looking factories cranes a mountains", "a boy walking on a street near mountains", "a man wearing a hoodie is standing with a skateboard", "skate skating on a rides skate skate doing boy skate skate skate grind skate skate skate", "small boy on a small skateboard wearing a hat", "a chains link fence and a chain link fence with mountains and mountains in the backdrop", "mountain mountains in heavy mountain standing a cloudy on - mountains a hill mountain mountains clouds", "there is a large ferris roller coaster train in the background", "a young man smiles while standing in front of machinery", "a boy wearing a smile while riding a skateboard", "a man in jeans skates on a cloudy day", "a boys standing on a skateboard in front of an industrial complex with mountain and", "a young boy is posing in a field on a skate board", "a man standing by some hills by a large crane mill", "a person riding a skateboard in an empty lot", "the boy is smiling as he skateboards in front of the mountain", "smiling, boy mountain smiling smile boy a smiling sitting smiling at smiling green while smiles", "skate skate for smiling smiling for smiles boy skate skate skate skate skate skate skating skate", "a young boy smiles while standing in front of a milliner with mountains and mountains", "a view of a canadian flag plant and another factory in a mountain range", "mountainous and young mountain, a mountainous mountain over young ed over brunette and go on", "on and in clouds that skate skate skate mountains in over skate flying mountains skate going", "a smiling boy is riding his skateboard in front of mountains", "a guy smiles while standing in front of mountains", "a child skateboards on a street in front of a mountain range", "a very laughing young boy stands in front of a plant", "a smiling young boy smiling at the camera", "a hipster standing near a fence with the mountain ranges in the background", "a person riding on a skate board in skate boarding area", "the boys skate riding in front of a large cement plant", "a young boy wearing a pair of white shoes looking down", "a boy who is smiling and looking out of the woods", "a young man standing in the middle of a field in front of mountains", "on skate on on skate a skate on on skate skate skate mini skate on skate", "a man walking on a trail in front of a dry stone wall", "a child behind a fence with mountains in the background", "view of a factory site, mountains, and mountain range, surrounded by clouds with", "sky filled with clouds above mountains, a building, and green mountains in the background", "a young boy standing outside of a building", "there is a hill in the distance with a tower", "go skate skate skate happy on skate skate smiling excited smiling to riding smiling smiles smiling", "a person skating on a skateboard in the street", "a young boy standing in a parking lot", "a person on a skate board during the day", "mountain cum a an a a clouds mountains sky mountains a under a a a a", "this child is posing with a skateboard", "smiling to jackson smiling smiling smiling boy smiling smiles smiling in smiling smiling, smiling smiling", "a young man is riding a motorcycle on a track", "a young boy is on a skateboard by the industrial plant", "a boy in checkered shirt skates past a hill in front of an industrial", "cloudy view mountain in looking looking a an a an it orange looking - view cloudy", "smiling smiling over smiling smiling to smiles smiling smiling smiling smiling smiling smiling smiling smiling smiling", "a young boy wears an orange shirt in a mountainous scene", "the skateboarder is smiling while riding on his board", "a youngboy with an awesome mountain view", "mountains usa flag mountains american airplane view view sky a mountains american flag clouds patriotic american", "young skateboarder in long - haulin time on a mountain trip", "to skate skate skate skate grind skate skate mountains skate skateboarding performing skate riding skate", "a man is skateboarding in the road in the mountains", "young boy looking at green water tower with mountain view", "a picture of a building and industrial scene behind it", "a large cloudy day with mountains in the distance"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "animal (536145)"}, {"operation": "query", "dependencies": [0], "argument": "name"}], "entailed": ["10611991", "10612005", "10612004", "10612002", "10612001"], "equivalent": ["10612003"], "question": "Which kind of animal is it?", "imageId": "2382947", "isBalanced": true, "groups": {"global": "animal", "local": "11q-animal"}, "answer": "giraffe", "semanticStr": "select: animal (536145)->query: name [0]", "annotations": {"answer": {"0": "536145"}, "question": {"3": "536145"}, "fullAnswer": {"1": "536145", "4": "536145"}}, "types": {"detailed": "category", "semantic": "cat", "structural": "query"}, "fullAnswer": "The animal is a giraffe.", "image": "2382947.jpg", "question_id": 10612003, "captions": ["gi large large standing one gi gi gi spotted gi in there gi gi zebra the", "a adult giraffe that is looking forward", "a large giraffe standing tall in front of a group of buildings", "a giraffe is standing next to a branch and trees", "a giraffe stands tall in front of a brick wall", "a giraffe standing alone in a field", "a small giraffe and a giraffe standing near one another", "a giraffe standing on tall grass in a field", "a giraffe standing alone in open field next to bushes", "a giraffe standing on the side of a grass covered pasture", "a giraffe standing in the grass near a forest", "a tall adult giraffes standing close to the camera", "a tall giraffe stands amongst the trees", "a giraffe is standing tall in a natural setting", "a giraffe standing tall beside a tree", "giraffe standing alone in a natural place,", "a large giraffe stands next to a small giraffe", "a giraffe standing next to a forest of trees", "a giraffe standing in a wooded habitat surrounded by trees", "a giraffe standing alone and standing in the grass", "a giraffe that is standing in the dirt by the trees", "a large giraffe is standing out by the tree", "a giraffe, standing tall and very tall", "a giraffe standing with it's neck long neck and tail", "a giraffe standing in tall dry yellow plants", "one gi gi looking gi gi gi gi gi the gi gi gi gi gi gi", "a giraffe standing tall in tall golden grasses", "a gi an gi gi gi gi gi gi gi gi gi gi gi gi gi", "a single giraffe standing tall and looking down", "a giraffe that is standing in the grass", "a long giraf giraffe standing and standing in the wild", "a tall giraffe eating out an the trunk", "a giraffe outside near trees eating leaves out of its head", "a giraffe standing still in a grassy plain area", "a giraffe is standing alone with other animals in the background", "a giraffe standing a tall with it's long neck", "a giraffe standing in the middle of a wooded area", "a giraffe is looking around around near a forest", "a giraffe standing close to the camera", "a photo of an giraffe in the wilderness", "a high giraffe facing to the camera, with the neck spread out to", "a giraffe of some kind with a long neck grazing from a large gi", "single giraffe in the wild during a cloudy day", "a giraffe stands out in a grassy grassy area", "a giraffe is standing in an enclosure", "a small giraffe standing by a lone tree", "a giraffe in the zoo looking away in open distance", "a tall giraffe stands in the zoo, staring at the camera", "long giraffe standing next to shrub bushes full, and looking about", "a tall giraffe stands in a grass area by some plants", "gi gi gi gi gi gi a gi gi gi gi gi gi gi gi gi", "a girreraffe standing tall tall by very tall neck", "a giraffe walking tall on a mountain side", "an adult giraffe standing under a tree full of leaves", "tall giraffe standing forward toward the camera with a short neck", "a giraffe standing near the side of a wall", "a giraffe standing in a field of tall dry grass", "a giraffe is standing alone in an outdoor setting", "a giraffe is pictured standing off", "eating gi gi gi gi gi gi gi a tall gi gi gi gi gi gi", "a giraffe standing next to a small bird near a giraffe", "a giraffe walking through the forest in a brown and white color", "a giraffe standing in front of some bushes and trees", "a giraffe standing next to a tree staring away", "a giraffe standing under tree in the wild", "a giraffe standing in the wilderness near the plains", "portrait tall giraffe standing on savannah grass", "a giraffe towering into the air, standing", "a large giraffe standing next to a tall giraffe", "a tall giraffe in the giraffe enclosure in africa", "an image of a big giraffe walking outside", "a giraffe standing next to some young trees in the zoo", "gi giraf a gi gi gi giraffe gi gi giraf a lone", "a giraffe looking very like a young giraffe", "a long neck giraffe rubbing it's neck against a tree", "a giraffe in the wild surrounded tall trees and a giraffe", "a giraffe standing near the camera view of the camera mater", "a giraffe walking in grass with the sky in the background", "a giraffe standing next to a tree with a tall neck", "giraffe with it's neck hanging over his head standing among trees", "a giraffe stands near a body of water near a forest", "a giraffe standing tall with its neck spread up", "a lone giraffe is seen standing next to a tree", "gi gi gi it gi tall gi tall gi gi gi gi gi gi gi gi", "a giraffe stands looking down toward trees", "a giraffe in tall stand among trees on a day", "spotted giraffe looking for the grass in a wild", "a giraffe standing next to some very tall trees", "a brown and white giraffe stands near a bunch of bare trees", "a giraffe stares towards an open sky", "a very tall giraffe walks in the tall dry grass", "a lone giraffe standing near trees in a barren, wooded area filled with", "a tall giraffe standing in the grass next to a tree", "a giraffe stretching its long neck to eat leaves", "a single giraffe standing in dirt in front of a tree", "tall slender giraffe in a dry area standing by itself", "giraffe standing in tall grass with trees and bushes", "a close up of a giraffe that is standing in a field", "a large giraffe standing next to a grove of trees", "baby giraffe standing under a tree with its head in the air"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "food (741451)"}, {"operation": "relate", "dependencies": [0], "argument": "dish,of,s (741452)"}, {"operation": "query", "dependencies": [1], "argument": "color"}], "entailed": ["07660024", "07660028", "07660029", "07660018", "07660019", "07660025", "07660030", "07660020", "07660021", "07660023"], "equivalent": ["07660022"], "question": "What color is the dish of the food?", "imageId": "2370638", "isBalanced": true, "groups": {"global": "color", "local": "10q-dish_color"}, "answer": "pink", "semanticStr": "select: food (741451)->relate: dish,of,s (741452) [0]->query: color [1]", "annotations": {"answer": {}, "question": {"4": "741452", "7": "741451"}, "fullAnswer": {"1": "741452"}}, "types": {"detailed": "directWhich", "semantic": "attr", "structural": "query"}, "fullAnswer": "The dish is pink.", "image": "2370638.jpg", "question_id": 7660022, "captions": ["a white bowl of food with meat, noodles and sauce", "a bowl of food with meat and pennce", "a a a salad bowl a bowl plate bowl meal bowl a cooked noodles bowl bowls", "a bowl of chili and pasta is served on a pink plate", "a bowl filled with pasta and gnocchii in a bowl", "a bowl of pasta dish sits on a table during the lunch", "a plate with some pasta and meat is next to some glass of water", "a bowl full of some noodles with a bowl full of salad", "a pasta dish on a table full of bowls of food", "meat pasta dinner in a bowl on dish in a bowl", "a a bowl bowl bowl bowl bowl soup a a bowl a outside bowl salad bowl", "a bowl of food that looks meat and beef, served in a bowl", "a bowl is loaded with pasta, meat, and a side drink", "a bowl is filled with a mix of salads and french fries", "a large bowl of meat and meat salad and a glass of soup", "a bowl of a food dish that has a pink and white checkered cloth", "a plate of food with beans, spaghetti and ham", "a bowl of soup, stew and vegetables are in the bowl", "a bowl of meat and salad next to a drink glass", "a bowl bowl bowl a a bowl bowl in a bowl in a a bowl bowl", "a plate of food on a pink plate in the middle of a field", "a plate of food that is on a pink plate", "a pasta salad with a fork inside a bowl", "small plate of food sitting on pink plate outdoors", "a plate of food with noodles, meat and sauce", "bowl of food is laid out under a large umbrella", "bowl of meat meat dish with pasta pasta, noodles noodles, noodles noodles and beef", "a bowl of chili sauce filled with pasta", "the food is inside a bowl sitting on the table", "a plate of lunch on an orange tray", "the pasta dish is served on the lawn", "a meat, tomato and pasta dish on a plate with a glass of wine", "a meal served in pasta on a picnic picnic table", "a dish with pasta and meat is shown in a white bowl", "a bowl of food with pasta in a white bowl and a dish in the bowl", "some kind of bowl of pasta with meat on a table", "a bowl to a plate is filled with a mixture of food", "food in a bowl is in a pink bowl on an outdoor table", "a bowl filled with pasta with pasta and a bowl of tomatoes", "bowl bowls a bowl a pasta pasta bowl bowl bowl tomato a sitting italian bowl a", "plate dish bowl a pasta the the pasta vegetable pasta pasta pasta pasta a bowl bowl", "a bowl full of a food dish sitting in a bowl", "a bowl of chili pasta next to a bottle of wine", "a bowl of food with lettuce, sauce and on top and a glass", "a bowl is shown and a dish of chili stew with pasta", "a bowl of pasta with beef tomato and sausage pasta with beans and peppers", "a bowl of meat and noodles and a lawn lawn", "a bowl filled with pasta, pasta and spin fritt", "a street is full of pasta and pasta pasta", "a bowl of chili sauce with meat salsa served in a white bowl", "the very a the table table table an a a a a table a food a", "a very delicious meal is served on a table", "a plate of bowl of vegetable stew with french fries", "a bowl of pasta tossed up in a ham dish", "a gouladel bowl prepared with noodles on the outside patio", "a plate of pasta with meat meat and vegetables", "a bowl of food on a wooden table with an umbrella above it", "a bowl of food in a large white plate", "a bowl of pasta with pasta and meat stew", "a bowl of food sits on a bowl of pasta as an entree", "bowl of meal a plate with masshe in plate sitting on a table set", "a salad that includes tomato, and peppers is on a red plate", "a bowl of food with pasta on a wooden plate", "a bowl of food sits on a wooden table on a dining deck", "a bowl full of food that has pasta, meat and tomato", "a bowl full of assortedcombes and sauce noodles pasta pasta noodles pasta", "a bowl of pasta and veggie, pasta salad is sitting on a patio", "a bowl of pasta vegetables with a glass of water", "pink pasta a red dinner red pasta pasta a bowl a bowl a a plates bowls", "this a large bowl of pasta noodles and pasta and meat pasta with pasta", "a bowl of food is on a table", "a bowl and a bowl of pasta and a bowl of meat and beans", "a bowl of spaghetti with peppers and sausage on a sunny day", "a plate of mixed stew with some veggies on the plate", "a bowl of pasta and pasta with pasta and fruit, garnish with wine", "a bowl of pasta a glass a some bowls a plant and food", "a bowl of food is shown in a bowl on a pink tablecloth", "a bowl of food on a table outside", "a bowl of pasta and a bowl of meat over vegetables", "a plater of food with meat and tomato in it", "plate a a a a a lent beef and red a a salad a stew a", "a wooden bowl of food with lots of vegetable pasta pasta", "food has beans and meat, with tomato and beer on the side", "a bowl a bowl bowl a pasta pasta this bowl bowl bowls the a dinner po", "a bowl filled with a meat and vegetables stew", "bowl of food in white bowl in center of landscape", "a plate of pasta and beef in black bean stew", "small bowl of meal in white bowl on table", "bowl bowl bowl bowl bowl a a white bowl bowl a a plate bowl bowl bowl", "a bowl of food that is on a plate on a table", "a bowl of pasta with meat ham, tomatoes and cheese", "salad pasta pasta in bowl, bowl of macarouss and steak", "a bowl of pasta dish that is very low and full", "bowl of vegetables on bowl on outside table", "a food plate on a place setting and a fork in a plate", "a close up of a bowl of some kind of food", "a pink plate topped with pennages and broccoli", "a bowl filled with pasta in a bowl", "bowl of a salad filled with meat and tomato", "a bowl of soup filled with pasta on a table"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "grass (1675247)"}, {"operation": "filter height", "dependencies": [0], "argument": "tall"}, {"operation": "relate", "dependencies": [1], "argument": "horse,in,s (2489419)"}, {"operation": "exist", "dependencies": [2], "argument": "?"}], "entailed": ["11281573"], "equivalent": ["11281645"], "question": "Is there a horse in the tall grass?", "imageId": "2355635", "isBalanced": true, "groups": {"global": null, "local": "13-grass_horse"}, "answer": "yes", "semanticStr": "select: grass (1675247)->filter height: tall [0]->relate: horse,in,s (2489419) [1]->exist: ? [2]", "annotations": {"answer": {}, "question": {"3": "2489419", "6:8": "1675247"}, "fullAnswer": {"4": "2489419", "7": "1675247"}}, "types": {"detailed": "existRelS", "semantic": "rel", "structural": "verify"}, "fullAnswer": "Yes, there is a horse in the grass.", "image": "2355635.jpg", "question_id": 11281645, "captions": ["a couple of horses standing on a grass covered field", "an border borderist and terri shepherd dog approaching the gate", "a dog and a dog in a field with an border border border border border", "a dog and a horse walking around a large dog", "horse in grassy green field, in tall green grass", "gallo horse horse horse horse a horse a grass horse back and horse horse horse running", "a horse and dog moving in green grass", "a dog and it's dog in a pasture, with its border terrier", "the horse is watching the dog in the pasture", "horse a green brown brown a horse horse horse horse horses horse horses horse horses horse", "dog horse horse a is brown herd horse horse with horse horse a a is horse", "the photo has a very green field of long grass", "a horse and his f horse stand in a field grassy", "a dog and its border border borderie are in the grass", "an in pasture, with a dog and a horse walking in it", "a horse and a dog walking in a field of green grass", "a tall tall grass field filled with green grass", "horse on and horse on a in horse dog horse brown and horse horse horse horses", "a horse is trying the grass to look at his dog", "a horse running in the field", "a dog and a borderdog in a field", "a horse walking in tall grassy grass on lush green grass", "a horse, and a dog, are running in a large field as two horses", "a horse in short grass outside in a pasture", "horse with horse black horse horse running horse horse horse walking dog the and horse on", "walking running border dog a in animal, dog horse on horse horse dog horse,", "a horse runs around a horses in a field", "a horse is walking with a horse following at the dog", "a large horse is standing on a green field", "riding horse running running dog grazing horse horse and running horse leaping a horse is running", "a horse is in a field with a green field", "a horse running on a field with a dog and a horse and a running horse", "a brown horse is walking with a brown horse", "a horse, a dog and a horse and dog are sitting out in a pasture", "a horse in a field with a dog in the distance", "a horse grazking in some long grass green grass", "a dog and brown horse in a field", "dogs dog dog dog and in dog is in horses animal horse horse and in horse", "dog black dog shepherd border border border sky horse border border border border black border black", "a cat and a dog running in a field", "the horse and dog are playing in a field", "a brown horse and a dog walking in the grass with a borderer horse", "a horse in the field stands in the grass while a dog walks alongside", "a horse standing alone on a horse farm looking in the distance", "a dog and a horse in a pasture, which is border collie, are", "a horse that is standing in a field of grass", "a dog and his border collie in a field", "horse running runs horseback horse and horses pony horse horse horse horses pasture horse horse and", "a horse chasing and a border husky is in a field", "a black and white dog following a horse and a horse and a dog", "a horse walking next to a dog in the field", "a horse walks through a lush green field", "horse and english border husky in the field", "horse in fields of tall grass and tall grass in the summer", "a horse and a horse in a green pasture", "border grazing meadow border col cowboy and horses border border border col border with border border", "an horse is walking through a green field", "a dog and dog in pasture with a dog", "with dog dog dog for dog border, dog herd there dog dog and dog border", "a horse and a horse running through a field of grass and grass", "a grassy pasture has two animals on it", "a horse running behind a border dog outside", "a dog chasing after a running horse in a field", "horse running chasing running run horse horse running horse stepping horses running in horse running running", "a dog and a dog running through a pasture, with the dog running next to", "a horse and a cow are in the field", "with a shetland jump dog herd black border cowboy border cowboy dog dogs fr horse herd", "a dog running, with shepherd col breed border border border and border shepherd sheep terri", "a large field with a dog and a man running", "a horse and dog running in an open field with a dog watching", "a dog that is looking at a black and white dog in a field", "e brown horses on horse horse walking horse horse walking horses a horse horses horse horses", "a horse galloping a horse in a green field", "a wild horse and a dog in a field", "a horse and a dog in a field", "a dog herd colwater and horse and dog in a field", "horse and pony running on a beautiful green field", "dog running in the middle of a field as a horse and a dog are in", "a black horse that is on the other side of a dog next to a horse", "black horse horse ranch in horses and horse horses horse animals horse horse shetland riding pasture", "a black and white dog leading a horse, but another horse is chasing behind", "a gray horse walking through tall green grass", "a black horse and a dog that are chasing a dog for the lasser", "a horse running along the grass to a dog in a field", "horse tr horseback run horse running running running horse horse a running horse running runs a", "a dog chasing a horse and a dog in a field", "a mare and a dog running in a field with a chasing horse", "a black dog chasing a horse in a pasture", "a brown and white horse and a dog sitting in a grassy field", "a big dark horse that is walking in the grass", "horse e horse horse a horse horses by horses running a horse horse f brown horse", "dog walking a dog dog, on dog dog, cattle dog horses border, dog", "dog and horse out in a grassy pasture", "horse walking alone in a pasture field on a farm", "a dog and brown horse resting on grass in a field with a horse and a", "horse horse horses running horse horse - horse running running a running horse horse one horse", "the horse is about to gallop a sheep", "horse horse horse horse horse and horses horses running a horse horse horses f two gallo", "a dog in a grassy field with long grass", " border border border shepherd border shepherd dog and black dog and border border border border"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "rug (210966)"}, {"operation": "query", "dependencies": [0], "argument": "hposition"}], "entailed": ["12262824", "12262822", "12262823"], "equivalent": ["12262825"], "question": "On which side of the picture is the rug?", "imageId": "2411760", "isBalanced": true, "groups": {"global": null, "local": "10q-rug_hposition"}, "answer": "right", "semanticStr": "select: rug (210966)->query: hposition [0]", "annotations": {"answer": {}, "question": {"8": "210966"}, "fullAnswer": {"1": "210966"}}, "types": {"detailed": "positionQuery", "semantic": "attr", "structural": "query"}, "fullAnswer": "The rug is on the right of the image.", "image": "2411760.jpg", "question_id": 12262825, "captions": ["there is a tv on a small table with jeans in it", "a picture of an unmade bed and a painting", "there is a television and framed framed picture and painting inside a room", "a table with a large picture on top of it", "there is a view of the television being watched on tv", "a messy chair and table with a mirror on the wall", "a bed with a tv on it and radio sitting behind it", "a room with some clothes laid out on the floor", "two black suitcases an antique painting and artwork", "a photo of a table with a picture on the table, and a picture frame", "a blanket with a woman on it sitting in front of a television", "a bedroom is full of all kinds of pillows, clothing, etc, and decor", "a hotel suite with a bed, luggage, television and pictures frame", "bed sheeted with plaid pattern, green carpet, green wall with clock", "a bed is in which the covers are still folded out", "a single screen tv sitting on a bed in a bedroom", "a bedroom with a television turned on and a chair", "a jacket on a person's shoulders and a television screen", "with bed bedroom full television television television television on dresser tv hotel with bedroom frame in", "a pile of clothes sitting in front of a picture", "a television on a bed with a desk near by", "a messy, unmade - up picture with some artwork above", "lots of clothes is scattered on top of a dresser", "a green carpeted floor with patterned tiles", "a well cleaned large room with many messy clothing and tp covering", "there is a large bed with a floral cover on it", "a bedroom door, a tv monitor and bag on a carpeted floor", "a dresser with a painting and a picture in it", "there is a picture and there is a painting in the background", "a room with a blanket, chairs, pictures and a mirror", "a flat screen television sitting on top of a tiled floor", "a bed in a bedroom with a picture on the wall", "a television on a bed sitting on the floor", "a flat screen is on a dresser in front of a chest", "a mess of clothes on a chair in a room", "a television set up and scattered with clothes", "a picture of a woman on her bed and a picture of her reflection", "a messy bag, shoes and a purse are on a bed", "a room with a green carpet, a clock, a green carpet and a picture", "clothing, bags, a purse, a dresser and a painting in a white room", "a bedroom with curtains with a picture of the same woman playing on a tv", "an unbunished picture of a dark closet with drawers next to it", "this is a man's small bedroom or hotel room", "an old, plain closet room area showing door and flooring", "this has been taken out of a closet by the mirror", "a hotel room tv in dim lighting", "a tv shows the same amount of air it's floating", "the blanket is spread neatly on the bed", "an adult taking a photo from television in the bed", "a bedroom featuring a bed, picture, table and mirror", "a bedroom room with green carpet in the daylight", "a tv is sitting in the corner in front of a flat screen television", "a clothes on a dresser next to floor tile", "a pile of pile of clothing on a white shirt", "a neatly made bed with large size white bed spread", "a photograph of a living room with tiled walls", "a bed with a tv on top of it", "a view of a tv in the room on the television", "a tv screen sitting on top of a bed in a room", "a shirt laying on the floor in an asian hallway", "the tv and the mirror are in the room", "a photo of someone hanging clothes on a dresser", "a room with a bed, a table, some shoes and pants", "empty bedroom with very big bed and patterned blue carpet", "black suit on a chair in front of a closet", "a small television that is on a bed", "the tv is turned and being watched by the television", "a bed that has a quilt on it", "the tv shows a picture of the young person and appears to be on screen", "this is a television in a room with a floral pattern", "large photo of a tv sitting on a bed", "a tv in the corner of a den with a picture of the family", "a hotel room with green carpet and blue rugs", "picture of a hotel room with a suitcase", "clothes laying spilled on the floor", "i shot a very large floral bed with the television on", "the clothing on the floor is lying on the floor", "a room with no clothes on, a green tile floor, a checker floor", "a room with colorful carpeter and green carpet", "a room with a bed and a painting on the wall", "there is an image of a tv that has just turned on", "a dark framed painting on a wall reflects a reflection in a framed mirror", "a messy apartment with the television sitting on top of it", "a picture of a small bedroom with a neatly made bed", "empty picture photo the and of room picture small light a a a picture door framed", "a room with a carpet and a green floor", "a picture of i bed with a picture hanging on the wall in the background", "small tv with clothes spread out next to it", "the tv is on a flat screen tv next to a computer desk", "a picture of an unmade bed that has floral sheets and a picture hangs above", "a tv screen and the floor of a living room", "a room with a small bed that has been opened", "a home television sitting on top of a table", "this is a picture of the television in the living room", "a picture of a bathroom sink with the light shines on it", "a hotel room with a hotel television set and wood bed frame", "a living room with blue carpeted flooring and carpet", "a picture in large frame on a table carpet", "a hotel room with carpet, a table and chairs", "a hotel room with a bed and several black pants"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "animal (632512)"}, {"operation": "filter", "dependencies": [0], "argument": "baby"}, {"operation": "relate", "dependencies": [1], "argument": "toy,to the right of,s (632524)"}, {"operation": "query", "dependencies": [2], "argument": "name"}], "entailed": ["07702898", "07702899", "07702896", "07702897", "07702894"], "equivalent": ["07702895"], "question": "What kind of toy is to the right of the baby animal?", "imageId": "2365699", "isBalanced": true, "groups": {"global": "toy", "local": "15-giraffe_to the right of,s"}, "answer": "stuffed animals", "semanticStr": "select: animal (632512)->filter: baby [0]->relate: toy,to the right of,s (632524) [1]->query: name [2]", "annotations": {"answer": {"0:2": "632524"}, "question": {"3": "632524", "10:12": "632512"}, "fullAnswer": {"1": "632524", "3:5": "632524"}}, "types": {"detailed": "categoryRelS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The toys are stuffed animals.", "image": "2365699.jpg", "question_id": 7702895, "captions": ["a baby standing next to a stuffed animal", "a baby laying in bed while a dog is laying on it", "a baby sleeping in white shirt with large winnie the pooh and a yellow teddy", "a baby laying on his stomach with his stuffed toys around him", "a baby is sitting in a crib surrounded by stuffed animals", "a baby laying on a cot in bed next to stuffed animals and animals with a", "the baby is laying in the crib next to a yellow teddy bear in which", "winnie a winnie winnie winnie winnie winnie winnie winnie winnie stuffed winnie winnie winnie teddy winnie", "a baby in crib, with a stuffed animal around him", "smiling baby on baby bed next to toys", "a baby smiling laying down next to a yellow hat stuffed animal", "baby in yellow winnie the pooh, a gundy zebrao", "a large stuffed toy teddy bear and a baby in a crib", "a baby in a crib with his toys, and a stuffed animal", "a baby laying in his crib holding on to his stuffed animal", "a small baby lying in a crib next to a stuffed animal", "a baby is in a cot, with a stuffed animal toy", "winnie stuffed the baby on a image picture baby and on a the baby - a", "a baby child laying in a baby with a yellow pooh stuffed animal", "a baby with stuffed animals and stuffed animal winnie the pooh", "baby in white shirt lying on crib next to teddy bear and stuffed animal", "a baby is laying on some crazzed stuffed animals", "a new born baby sleeps in his diapers surrounded by stuffed animals", "a baby sleeps next to a yellow pooh", "a baby laying beside a teddy bear and a stuffed animal with a yellow winnie the", "a cute baby showing to the camera next to a stuffed animal", "a small newborn in a white bodysuit lies next to a teddy bear", "a baby in a winnie the pooh themed crib", "a baby lays in bed with two stuffed animals next to him", "a baby smiles happy while lying in his crib", "a baby is laying next to a crib with a yellow stuffed animal", "in, the in a in a", "a small baby laying in his bed next to a stuffed animal", "a baby laying on a bed with teddy bears and a smiling child", "a small baby sleeps while laying on a crib, surrounded by stuffed toys", "baby laying in crib with stuffed animals next to bear", "a baby in a white shirt sitting with a big yellow animal toy", "a newborn sitting in a cot", "a baby laying down laying on the bed with a giraffe holding a toy", "a very cute baby boy wearing a poohie outfit", "a newborn baby in his crib, lying inside of its crib with stuffed", "a baby lying in a crib smiles while surrounded by a stuffed pooh bear", "a baby sleeping in his crib with a yellow winnie the pooh stuffed animal", "a happy looking baby and a winnie the pooh teddy bear laying in a cr", "a baby in a basket with animal hats on", "a baby is laying in a crib with stuffed animals", "teddy winnie winnie winnie baby winnie baby baby winnie winnie china winnie winnie winnie winnie winnie", "the and a baby on a", "a baby with a baby and several stuffed animals", "baby in a crib laying next to a stuffed animal", "a baby is laying in a crib with stuffed animals and a yellow winnie the", "baby has teddy in newborn a a a a newborn a infant, in asian two", "baby in a crib, with a stuffed animal and a teddy bear", "is is stuffed a bear winnie bear baby and teddy bum with a animal stuffed a", "a baby lying with stuffed wild animals and their stuffed animals", "a baby laying in a baby bed with a stuffed animal with a giraffe", "baby and teddy, in in, lying a in sleeps stuffed teddy lying cr stuffed", "a baby is in bed with stuffed zebra zebras, a zebra toy, and", "a baby laying in a bed holding a stuffed animals teddy bear, winnie the po", "0 honey 9 photo 9, 9 6 photo 9 a 9 9 9 9 photo", "8 this photo 8 baby 8 photo eight", "infant smiling newborn, teddy bear, and pigy the baby bear", "small baby sleeps in crib with stuffed animals", "one baby in the a in with first next sitting baby, one a in the", "a baby in diapers lays in a crib", "a baby laying on its back in a baby bed next to a stuffed animal and", "teddy cr baby next baby newborn a and'to the has bear one in and", "a small baby laying on a bed next to a stuffed animal", "a baby in a crib surrounded by stuffed bears", "baby in a crib surrounded by toys", "a baby is sitting in the crib holding a teddy bear", "a baby holding a toy in an crib next to teddy bear", "a small young baby lying in crib surrounded by stuffed animals and animals", "a baby in a crib next to a stuffed animal teddy bear", "a baby is laying next to a small brown crib with several stuffed toys beside", "a baby lying on its side on a cot", "baby baby winnie nap baby winnie animals teddy one baby sleeping animal animals infant winnie yellow", "a small child lies in a crib with a stuffed animal", "a baby laying down next to a crib with stuffed animals", "what first newborn the one with the a winnie teddy by, winnie a, bear", "newborn infant in white shirt and white onesie lays on a crib, surrounded", "the baby in the crib next to the stuffed animals", "there is a baby that is in a picture", "a baby laying and smiling with a stuffed animal", "a baby is laying underneath a stuffed animal", "baby lay a winnie a has teddy laying in bear winnie teddy winnie teddy teddy teddy", "a baby near his stuffed animals, a teddy bear and a smiling baby", "a baby in a crib is smiling while pointing a finger", "a baby is lying next to her stuffed bear and pooh", "close up of a smiling baby in a crib bed with different stuffed animals", "a newborn baby sleeping with a stuffed animal on its side next to stuffed giraf", "a baby is taking a nap with stuffed animals and stuffed puppy bears", "a holding crying baby in in bear one in winnie crying", "yellow teddy in, stuffed winnie stuffed stuffed a teddy winnie winnie bear - elephant winnie", "a baby who is holding a stuffed animal and toy", "a babies baby is playing with her teddy bear", "a crib with stuffed animals, a giraffe, zebra, zebra,", "a baby in a diaper with stuffed toys", "baby, infant'winnie, po winnie ee winnie the laying a winnie photo in", "a baby lay asleep with lots of stuffed animals"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "child (-)"}, {"operation": "exist", "dependencies": [0], "argument": "?"}], "entailed": ["19903395", "19903393"], "equivalent": ["19903394", "19903395", "19903393"], "question": "Are there kids in the picture?", "imageId": "2334046", "isBalanced": true, "groups": {"global": null, "local": "03-child"}, "answer": "no", "semanticStr": "select: child (-)->exist: ? [0]", "annotations": {"answer": {}, "question": {}, "fullAnswer": {}}, "types": {"detailed": "existC", "semantic": "obj", "structural": "verify"}, "fullAnswer": "No, there are no kids.", "image": "2334046.jpg", "question_id": 19903394, "captions": ["the batter is waiting for the ball to arrive", "a baseball player stands at bat before a crowd", "a man is smiling to the side with a sky blue sky in the background", "a batter who is at plate waiting for the pitch to be delivered", "the baseball player stands before umpire in a stadium", "a person with a baseball is preparing to swing a bat", "a man in black baseball uniform standing across from a man", "the batter during a baseball game looking towards his home plate", "a team, baseball game, with batter at bat for a hitter", "men are playing baseball with a crowd of people", "a batter in a baseball game holding a bat", "a baseball playing at a baseball game during the day", "a batter at the plate ready for the pitch", "batter standing at bat during a baseball game", "there is a baseball player up to bat during a game", "a man is at home plate ready to swing", "a man is playing baseball during a game", "a baseball player at the plate ready to hit the ball", "a baseball player standing in the middle of the dirt field", "a man holding a baseball bat on a field", "a baseball player gets ready to bat at a game", "a baseball player is running with to bat in the game", "a picture of a batter standing at plate on a baseball field", "there is a group of batter at home plate as the catcher, catcher and the", "a few mlb fans in a crowd watching baseball", "a baseball player is in action during a game", "a baseball player standing inside of a baseball field", "a baseball player standing on top of a field", "a baseball batter is at bat watching the batter at bat", "a baseball player with a bat in front of a crowd", "the baseball players are playing in a baseball game", "a crowd of people is standing in stadium seats", "a baseball field with a base in the batters box", "a batter at a professional baseball game with the out - batter on home plate with", "bat and the batter batter bat baseball baseball crowded player people batting he baseball batter people", "a baseball player on the field waiting for a pitch", "a men who is standing in front of home plate playing baseball", "a baseball player is holding a ball", "a man is at bat with a crowd of people watching", "a man in baseball baseball uniform standing outside", "some batter preparing to swing at baseball as the crowd watches", "a baseball player is holding a baseball bat in his hands while the batter is standing", "two baseball players are in a stadium as fans watch", "the baseball player at base waiting for a swing", "a baseball player and the catcher during a event", "a baseball player holding a bat in a pitch", "a team of players sitting down and holding their equipment", "a baseball player about to swing a bat", "a baseball player is getting ready to hit the ball", "a batter is waiting for the pitch to happen", "a baseball player getting ready to hit the ball with others watching", "a baseball player standing before dugout waiting in line", "people are watching a baseball game being played", "professional baseball player getting ready to bat while crowd watches", "a baseball is preparing a play on a green field", "many baseball players are standing at home plate looking down", "there is an image of some baseball players in the field", "a baseball game in progress with people watching", "a group of men dressed professional baseball players is playing a game", "a man swinging at a ball on top of a field", "a baseball player standing on the diamond smiling", "an player in a baseball game during the day", "a man that is standing in the dirt with a bat", "a baseball player ready to swing as a crowd watches", "the baseball is ready to at bat for the game", "a men who is getting ready to hit a ball while the crowd watches", "some a baseball baseball player and a crowd of people standing and watching", "a baseball pitcher takes the baseball at bat and looks at the catcher", "a baseball batter waiting to be batting at the batter", "a man on a baseball field preparing to hit the ball", "a catcher waits at the plate for his swing", "an baseball bats a catcher baseball stands stand baseball umpire batter people batter batter base baseball", "a baseball play and fans watching from", "a batter waiting for the pitch at a baseball game", "two baseball players wearing white uniforms talking and standing and playing in front of a group", "a baseball player standing in the batters box waiting to bat", "a baseball game showing a group of people watching the baseball", "a baseball player looking at the pitch at home plate", "a boy in a baseball uniform walking out of the pitch", "the two men are about to run in their respective race", "the baseball baseball game in the field at home plate", "a man standing at home plate at a baseball game", "a male professional baseball player taking a swing at ball", "a major baseball player at home plate with a ball in the air", "a baseball bats player standing next to home plate", "a baseball player gets ready to bat at home plate", "a baseball batter swings at an incoming pitching batter", "there a baseball player getting ready to take his swing", "a baseball player holding a bat in a park", "a baseball game begins with a batter up to plate", "the player is waiting for his turn as he prepares to bat", "a batter about to hit the ball at a baseball game", "a player hitting a ball at home plate on a baseball game", "a baseball, wearing a uniform, standing at home plate", "men all playing a baseball game on a baseball field", "the man is wearing white in front of a crowd of people", "two baseball players are up to bat on a pitch", "a baseball player swings at a ball with the others", "a home plate player watches the pitch", "a a batter in baseball baseball pitcher baseball baseball at baseball home baseball standing a bats"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "zebra (-)"}, {"operation": "exist", "dependencies": [0], "argument": "?"}, {"operation": "select", "dependencies": [], "argument": "giraffe (-) "}, {"operation": "exist", "dependencies": [2], "argument": "?"}, {"operation": "or", "dependencies": [1, 3], "argument": ""}], "entailed": ["11645334", "11645333", "11645332"], "equivalent": ["11645335", "11645334"], "question": "Are there either any giraffes or zebras in this picture?", "imageId": "2369842", "isBalanced": true, "groups": {"global": null, "local": "09existOr-giraffe_zebra"}, "answer": "no", "semanticStr": "select: zebra (-)->exist: ? [0]->select: giraffe (-) ->exist: ? [2]->or: [1, 3]", "annotations": {"answer": {}, "question": {}, "fullAnswer": {}}, "types": {"detailed": "existOrC", "semantic": "obj", "structural": "logical"}, "fullAnswer": "No, there are no giraffes or zebras.", "image": "2369842.jpg", "question_id": 11645335, "captions": ["an airplane on the ground with luggage on the ground with it", "a passenger jet parked at an airport terminal", "a jet plane sits on on a plain", "a plane is landing on the tarmac at an airport", "an airplane is parked on the tarmac at the airport", "view is of the american airlines plane on an airfield", "a white, blue, red and white airplane parked on a runway", "large commercial jet sitting on a runway under a bridge", "a fighter jet is ready to take off at the airport", "an image of an asian airlines plane taxing up", "a large jetliner is sitting on a tarmac", "a large jet airplane sits on the runway at the airport", "asian plane plane asian airline china asian airplane jet air air airplane blue japan passenger passenger", "an jet airways passenger airplane sitting in a airport facility", "a white - red, blue, and red plane is on the runway", "sky english malaysia british singapore korean cargo flight - jet british commercial douglas aircraft malaysia foreign", "an airport air plane of malaysia is parked on the tarmac being pulled down", "malaysian american one foreign plane ju singapore passenger jet malaysia, plane japan plane one a", "a large plane on an air runway at the airport", "a view of an airport and a green landscape", "a long malaysia jet sits before the jet liner", "an singapore airplane sitting on the tarmac at an airport", "a malaysia airplane on the runway at an airport", "a korean plane sitting on the runway at an airport", "a plane with big tails parked across from it", "a huge commercial airplane sitting on the runway", "a klipa airplane sitting on the landing strip at an airport", "a malaysia airplane at an airport terminal for passengers", "a passenger jet plane with two loading stairs on it", "boeing large jet malaysia jet malaysia flight plane white airline and china asian jet malaysia,", "airline the a the airplane airplane big white the white airplane passenger the the a a", "a passenger jet plane, sitting on the tar", "an air plane is sitting on a runway", "white airliner sitting at the gate, near it's gate", "an large passenger airplane is parked on stationary", "white, red, and blue plane on the tarmac", "a large red, white and blue jet airliner", "the airplane is at a gate near the airport runway", "a united airline jet airplane on an all white runway", "a jet plane sits parked at the airport", "a thai jumbo jet is on the runway at an airport terminal", "a a big a a one red airplane turkish plane air a malaysia a malaysia airplane", "a plane preparing for takeoff at an airport", "a large jet sitting on a runway with stairs", "thailand jet, on the tarmac at a sunny day", "a white red blue and red korean air airplane on the runway", "the plane is a world - travel jet airliner at international airport", "an airplane sits parked ready to runway at the airport", "two airplane that is in the air and on the runway", "a jet airliner is parked on the tarmac", "a photograph of the jet airplane is at an exit ramp", "a white airplane has malaysian writing on it", "large jet landing on runway ready to be operated", "an airplane is parked on the runway", "two large commercial planes parked on an airport runway", "a big passenger plane about to take off off the runway", "a very large passenger jet on a pretty bright day", "a red and white plane is parked on a runway", "an airplane is on a runway to prepare to take off", "a small airplane sitting on the tarmac the airport", "a large airliner sitting on top of an airport tarmac", "large airlines plane taking off from an air port", "two large jet carriers are sitting on a runway", "an airplane on the runway of an airport", "a large passenger jet sitting on a tarmac", "a commercial airliner taking off from the airport", "a plane parked in the sun at an airport, waiting for its flight", "a large passenger plane on ground during daytime", "a passenger plane is sitting on the tarmac in the sky", "an airliner sitting on the runway of an airport", "there is a plane that is on the runway", "white large airplane is on a runway at the airport", "malaysia malaysian jet white malaysia malaysian malaysia malaysian thai a big a malaysia a malaysia airplane", "large jet airplane sitting on a tarmac with no passengers near it", "the aircraft is flying in white and blue colors", "a airplane that is parked next to a runway", "a picture a malaysia malaysia air malaysia plane airline plane", "very large red blue and red asian airlines plane is at the runway", "a malaysia airplane sitting on the runway", "a large malaysian airplane flying low up to the ground", "a white, red, and blue foreign passenger jet airliner", "a large passenger jet on an airport tarmac", "a large passenger airplane that is parked in the airport", "a large passenger jetliner on an airport runway", "a airplane flies across the open sky on a windy day", "a jumbojet aircraft on the runway at the airport", "passenger plane at the airport with cloudy sky", "a white, red and blue airlines airplane on the ground", "foreign airplane big malaysia is a malaysia malaysia malaysia asia red malaysia red one malaysia philippines", "an air asia jet plane sits at a gate", "a singapore jet plane with a large tail on the front", "an air plane parked on a runway by the water", "an airplane sits parked outside at an airport", "an a33 airliner on the tarmac at the airport", "the plane has red, white, and blue tails and is on the flightway", "russian passenger plane on the runway at san francisco pozok airport", "aircraft big - white white malaysia malaysia airlines air malaysia malaysia commercial white jet china jet", "a passenger jet airliner taking off to the airport", "two airline planes moving one on the other one above the sky", "the passenger jet has a luggage bag on the top"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "bird (2267040)"}, {"operation": "filter size", "dependencies": [0], "argument": "large"}, {"operation": "choose vposition", "dependencies": [1], "argument": "bottom|top"}], "entailed": ["15981436", "15981435"], "equivalent": ["15981437"], "question": "In which part of the picture is the large bird, the bottom or the top?", "imageId": "2351830", "isBalanced": true, "groups": {"global": null, "local": "10c-bird_vposition"}, "answer": "bottom", "semanticStr": "select: bird (2267040)->filter size: large [0]->choose vposition: bottom|top [1]", "annotations": {"answer": {}, "question": {"8:10": "2267040"}, "fullAnswer": {"1": "2267040"}}, "types": {"detailed": "positionChoose", "semantic": "attr", "structural": "choose"}, "fullAnswer": "The bird is in the bottom of the image.", "image": "2351830.jpg", "question_id": 15981437, "captions": ["a wooden bench sitting next to a beach", "two seagulls are sitting and eating at the shore", "a scene of a beach next to a calm ocean area", "seagulls and seagulls on log in sea water", "sea a birds sea sitting shore sea a a birds birds shore two birds sea bird", "a beach has branches that have fallen on the beach", "three seagulls sitting on top of a body of water", "a body of water filled with lots of water covered in a cloud", "a group of birds that are sitting near the water", "seagulls and birds lounge near a bunch of fallen trees", "the seagull is looking at the dead and floating dead water in the picture", "a group of birds swimming around a tree stump", "sea gulls and seagulls at the beach near the beach", "a bunch of wooden pieces sitting on top of a beach", "a person with a body of water in the sand area", "bird birds sea a sea birds sea a birds birds sea sea sea ocean sea sea", "bird trees birds pieces some bird sea drift ocean sea there birds and wood bird birds", "several birds on a beach with weathered logs", "group of logs sticking out of the water", "several sea gulls birds and birds on the ground", "the fallen stump of a tree lying in a field", "a pile of logs on the shore near some ocean", "the birds are wading around the ocean near wood", "a group of dead trees is lying on a beach", "a fallen tree trunk in the middle of a body of water", "a seagulls sitting outside near birds in an old log", "a flock of seagulls are beside to dead tree, that has fallen", "the beach has a lot of water and waves", "there are several birds near a fallen log", "three wooden docks and various seagulls in the water", "small birds perched on the water's shoreline a man stands with them", "a large beach is shown at the beach with some dead logs in the water", "a group of three seagulls standing next to a dead drift", "sea logs logs wood tree tree logs logs drift remains fallen logs piece log trees broken", "a pair of dead bird standing on the shore with seagulls sitting on it", "a bunch of tree roots on the shore line", "a pile of broken tree trunks in the ocean", "a few sea birds and birds are standing near a fallen tree", "birds walking in the water on a sunny day", "a fallen tree log has been broken on the shore", "birds bird is wooden three birds sea bird sea sea birds birds the sea birds ocean", "some poles on a beach with a group of birds nearby", "a bird and a seagull are on a beach with waves and beach", "a seagulls sitting on the beach next to fallen tree trunks", "a group of seagulls standing over a drift pile", "some tree trunks in water which were cut down", "multiple different birds standing near a large tree by it", "a big group of birds that are by some dead logs", "some white birds in the water some birds on the sand", "a picture of a very old tree log in the water", "a large pile of trees with logs on top of it", "the ocean is rough and wavy at the beach", "some fallen trees on the beach", "a group of birds sitting on top of a beach next to a bird", "a old tree that has been fallen and is still in the branches", "several seagulls gather on the sanded in area which appears to be a", "a black bird is standing by the beach shore", "birds flying around waves and waves and waves crashing", "a group of birds sitting in the water at the beach", "a bunch of birds are on some driftwood as some seagulls look on", "a bird and birds on a beach next to a tree stump", "a flock of seagulls stand on the ground beside a log pile as waves", "the birds and the seagulls are together on the beach", "some birds are walking in the water and are on the beach", "a herd of birds standing on top of a sandy beach", "a close look at some trees with logs and wood", "a large drift with seagulls laying on the ground", "a group of trees that have rots in a harbor", "birds gather to gather on logs on a cloudy day", "a group of birds sitting on the ground by the water", "seagulls and birds on the beach next to ocean", "a ship that is floating next to a large tree stump", "an image of a bunch of dead seabirds", "beach with bird and seagulls on the beach", "gulls and seagulls sitting on an old tree stump on a beach", "a pile of birds washed on a beach", "large ship buried pile of tree stump", "a large tree branch that is washed up into a river", "there are many seagulls on the shore by the beach", "birds standing around a tree that is in the water", "two birds standing and one bird laying on a sandy beach", "a seagull lies in the debris of a dead tree in the water", "a bird rests on what is on the shoreline of beach,", "a pile of broken up pelicans on the beach", "an old log piece and seagulls on a beach", "the birds are standing on a log by the ocean", "the bird is standing next to the tree stumps", "a seagull resting on a drift and birds looking over it", "a tree stump sitting in a swampy body of water", "a group of seagulls around fallen branches in the water, near a few", "there are birds gathered around and all laying on the beach", "that pile of birds on the beach covered with sea gulls", "black birds standing on the tide in the ocean near seagulls", "large logs drift back from the ocean on a beach", "remains a old the wooden log tree logs drift abandoned and drift water ocean a stump", "birds sitting on a beach with a sky light in the background", "various birds sitting on a beach with waves crashing in", "a big elephant teeth remains on one of many drifts", "large group of sea gulls on a beach", "a bunch of water that is on a beach near the ocean"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "train (1018303)"}, {"operation": "relate", "dependencies": [0], "argument": "_,inside,s (1018308)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["15843083"], "equivalent": ["15843084"], "question": "What is inside the train?", "imageId": "2317706", "isBalanced": true, "groups": {"global": "", "local": "14-train_inside,s"}, "answer": "poster", "semanticStr": "select: train (1018303)->relate: _,inside,s (1018308) [0]->query: name [1]", "annotations": {"answer": {"0": "1018308"}, "question": {}, "fullAnswer": {"1": "1018308", "5": "1018303"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The poster is inside the train.", "image": "2317706.jpg", "question_id": 15843084, "captions": ["train transit a a a grey train train a some commuter the transportation a a a", "metro train doors open during opening on side of train car", "a commuter train with doors open to a train", "a metro train with a door is shown in the open", "train side subway subway train the train white trains train subway, railway subway transit an", "the train is very long and doors are open", "train metro open subway doorway trains metro railway subway entrance metro tunnel and the railway subway", "at windows of the at opening enclosed white bus with sw door ve windows window doorway", "train sliding door inside open train opened entrance door open entry on door subway closed door", "a set of two doors open at a train stop", "a train train car with the open doors open", "a white and blue double - car with open doors", "this train is parked by a street stop in london", "a train is open to the train at a train station", "two trains side by face open doors and another car", "a train car has train doors open on the side of the station", "white passenger train cars filled with doors open", "the doors are open to be used on the underground train", "an open train door has an open window", "a rail car with its doors open at a station", "a train car with open doors on a track", "some commuter trains are at a stop and you can open some doors", "bus metro passengers, underground underground train commuter metro train open tube train tube tube and", "a silver train car with blue stripes and doors", "subway train in open door from inside a station", "a train car and its doors are open by a walkway", "subway subway subway train cars are open both days", "large door open door on a yellow line train", "a public blue white and white subway train pulling into the station", "an open train door in a train station", "the open back doorway to the train at an subway entrance", "white train train cars that are open with doors", "commuter blue subway a closed on open train blue train an a a the train entrance", "a train door and a train car at a station", "in open commuter train open open metro boarding opened commuter train door subway train train a", "a train with open doors sits on the track", "a train at a train station with the doors open", "a train that is sitting next to a passenger station", "a door into a subway train tunnel at a train station", "door door train doors open open commuter two train door train a there train train a", "door train a a a doorway commuter train a doorway transit an a doors train this", "a passenger doors are open at a train station", "train a - a sliding open opened door train white train open rail two subway doors", "a tube train on a public train platform", "train train yellow a a closed boarding commuter the station doors subway commuter a large train", "people sitting on the train and on a platform", "subway subway car subway open passenger subway subway subway red train exit open double subway subway", "a commuter train car door opened on a platform", "a subway train that is in the train station", "open door of an opened train car with its doors open", "train doors open to the train waiting for passengers", "a white subway train is parked", "opening train train doors subway door train passengers the train a side train open tube a", "commuter bus doors leading into the passenger open doors on the side,", "doorway door doors train train with open train door opened train subway train subway transit subway", "an image of a white and blue train exit", "a train stopped at a station at the station", "the door of a train with a railway sign in the no station", "a train door open of an vanino train car", "a doorway that is open into a subway train", "passenger subway train train subway passenger a open commuter a white open subway train a an", "a train car is open on the train tracks", "a train parked at a station with open doors", "metro train for commuter use with open sliding", "a white and silver train is near a train platform", "a white subway train is parked in a station", "a transit train with a door opened to train door", "the subway train, with the doors wide open, is surrounded by a circle circle", "a train subway with the open door and a yellow rope", "a train stopped by a train station with open doors", "a train with the train door closed off", "a train with the door open sitting on the train tracks", "a train parked at a station in a city", "open doors of train car that looks like it could be pulled away", "a big long train on a steel track", "entrance into subway train train on open subway on doorway aboard on on down trains public", "a subway car with two doors open at subway station", "a train arriving into a wing 8 metro station", "a white train traveling down train tracks next to a lush green grass covered field", "a passenger train that is open door and side doors", "a train with two cars that are open to let it through", "trainwin in sw wheelchair on windows windows and train on windows ve vin on on", "a commuter train at a train station with two doors open", "a set of train doors open in an open station", "a train is sitting on its ramp with its doors open", "into in subway windows metro tunnel winter exit doors through subway min commuter monaco on doors", "a train car doors is opened to open", "commuter light train a train train train train outside subway on train passenger railway window train", "a blue and grey commuter train sitting with open door and door open", "a white train with the door opened", "an inside two with opened the doors open commuter public door uk uk commuter work look", "a subway train with a person in it and open doors", "metro two a the closed subway the on train the railway a train a subway door", "a train that is loading on a station", "a white and yellow subway train inside a building", "the open doors of the subway train, with door open", "a train with two doors and a platform platform", "a close up of a train door and a person loading", "a set of doors with open doors leading to people", "a subway train that has its doors open on the tracks"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "woman (388081)"}, {"operation": "filter pose", "dependencies": [0], "argument": "standing"}, {"operation": "relate", "dependencies": [1], "argument": "_,wearing,o (388085)"}, {"operation": "query", "dependencies": [2], "argument": "name"}], "entailed": [], "equivalent": ["05791382"], "question": "What is the woman that is standing wearing?", "imageId": "2402618", "isBalanced": true, "groups": {"global": "clothing", "local": "14-woman_wearing,o"}, "answer": "jacket", "semanticStr": "select: woman (388081)->filter pose: standing [0]->relate: _,wearing,o (388085) [1]->query: name [2]", "annotations": {"answer": {"0": "388085"}, "question": {"3": "388081", "6": "388081"}, "fullAnswer": {"1": "388081", "5": "388085"}}, "types": {"detailed": "relO", "semantic": "rel", "structural": "query"}, "fullAnswer": "The woman is wearing a jacket.", "image": "2402618.jpg", "question_id": 5791382, "captions": ["a man and women stand in front of the crowd of parked motorcycles", "people standing together at an event looking at the crowd", "a group of people are standing on a side walk looking at something", "a group of women standing next to each other near a man standing", "woman and man standing and talking next to each other", "a lot of people that are standing by some motorcycles", "there are several people that are standing by some motorcycles", "a group of people on a street as people ride together", "people standing next to each other with a yellow cellphone", "people standing on a street corner with a crowd of people in a line looking at", "a woman standing outside surrounded by tall trees with a cell phone", "a woman in a gray shirt jacket on street", "this is a group of people watching a man stand on a motorcycle", "a big group of people gathered around, standing and sitting", "a group of women standing together wearing jeans", "several people standing in a line while one holds a cellphone in hand", "group of people walking alongside onlookers during day", "a group of people in a crowd, standing in a line", "a woman is standing next to two men", "a group of people with helmets on stand in tall buildings", "a group of people are lined up line down the street", "a group of people stand outside in a line", "the people are standing outside on the street", "a bunch of people and a man standing next to each other", "a group of people standing around some parked motorcycles", "many people standing or sitting in a line with umbrellas", "there is an old man looking at women dressed for a party", "many people are standing near each other next to each other", "a group of people standing next to each other", "a groups of people are standing in the street", "people waiting for the parade to begin in their day", "a woman wearing sunglasses while talking out a cell phone", "a woman is sitting on a motorcycle with her hair up", "group of people posing in front of a woman walking", "woman and woman walking down a street by a street corner", "a crowd in a group looking off to the side", "the two boys in white dresses are standing on motorcycles outside and looking at there man", "a group of people stand around and talk", "a group of people are seen standing at a motorcycle stop", "a bunch of motorcycles with people at a event", "a man with a long hair and a beard talks to a woman", "a woman waiting to leave a woman for a job with a girl in a white", "many people gathered for a pride and celebration, gathered", "the adult is standing near the female in a white dress", "a group of people standing around talking to one another", "this is a group of people wearing uniforms", "a group of women are around a tall clock", "a woman with sun glasses standing on a beach while looking at the camera", "the group of young men is posing near a couple", "a group of people standing around together in a crowd", "people are standing while the woman holds a cell phone", "a group of people that are standing near each other", "people on motorcycles are being seen in a group", "a group of people that are standing near some dirt", "people standing out looking at themselves near one another", "a number of people standing near one another", "people walking around on a sunny day near a street", "people walking in line a a man on a cell phone taking pictures", "a woman standing outside in front of a motorcycle parked in a garage", "a group of people standing next to each other near parked motorcycles", "picture of woman and children on motorcycles with girl wearing vest vest", "several people and men line up next to them", "people walk in the city on a sunny day", "the female in the picture is waiting for a man", "a man standing up in front of a crowd of people", "a group of people standing around each other", "people from behind a line of people are standing and looking", "several people outside talking on the phone next to a woman", "man with short hair standing in front of a crowd looking", "many people watching a woman wearing sunglasses walk alongside a man looking at his watch phone", "a group of people hanging out together on a day out", "an image of a large crowd of people gathered at the airport", "a row of parked motorcycles that have someone standing with one hand on the other", "a man standing among other people walking along at an outdoor event", "people stand in a crowd while a male police looks on", "group of people in sunhats and shades behind the woman", "some people in black jackets and hats are standing together", "a group of young men standing next to each other", "a group of people standing on top of a dirt field", "a woman and a woman with a backpack", "group of people standing around talking to each other behind each other", "woman facing away from men and women from trees", "a number of motorcycles parked on a street", "two people in a suit and one man in white pants, while one man is", "a group of young people with blond hair", "an image of a woman leaning on her bike", "a group of people are standing near motorcycles", "a group of people standing close to each other in front of people", "a couple of people walking down a street while standing", "group of people standing next to each other talking on the street", "black and brown people and one guy and two women", "people standing near each other on bicycles in front of buildings", "black people men people in motorcycle members photo people people motor photo a men friends standing", "a woman in a group of people standing outside wearing denim clothing", "a group of people standing on a sidewalk wearing black clothes", "a number of people standing near motorcycles outside", "a group of people gathered next to a street", "a woman with a camera strap standing in front of a group of people", "people standing in line outside a building while another man watch", "people some between the people people looking people people group people looking pedestrians there talking many"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "food (1174509)"}, {"operation": "filter size", "dependencies": [0], "argument": "small"}, {"operation": "choose rel", "dependencies": [1], "argument": "lettuce,to the left of|to the right of,s (1174514)"}], "entailed": ["17718631", "17718630", "17718633", "17718629", "17718626", "17718627", "17718624", "17718625", "17718224", "17718225", "17718222", "17718220", "17718221", "17718217", "17718216", "17718632", "17718628", "17718219", "17718218"], "equivalent": ["17718224", "17718223"], "question": "Is the lettuce to the right or to the left of the small food?", "imageId": "2398896", "isBalanced": true, "groups": {"global": null, "local": "13-sandwiches_lettuce"}, "answer": "left", "semanticStr": "select: food (1174509)->filter size: small [0]->choose rel: lettuce,to the left of|to the right of,s (1174514) [1]", "annotations": {"answer": {}, "question": {"2": "1174514", "12:14": "1174509"}, "fullAnswer": {"1": "1174514", "8": "1174509"}}, "types": {"detailed": "relChooser", "semantic": "rel", "structural": "choose"}, "fullAnswer": "The lettuce is to the left of the sandwiches.", "image": "2398896.jpg", "question_id": 17718224, "captions": ["club chicken sandwich sandwich half sandwich sandwich sesame sandwiches sandwich sandwich sandwich sandwiches sandwiches ham sandwich", "a large sandwich with toothpickes and a toothpick on some tooth picks", "a plate holding two sandwiches with tooth picks stuck in it", "two sub sandwiches sitting on a plate on a table", "a mini place tooth tuna picks sandwiches miniature pick salad on a a club on flag", "tooth tooth tiny tooth sandwich smallest a pin tooth tooth tooth tooth mini small pick mini", "pin pin tooth mini small tiny meat tooth on tuna fish small small pin tooth the", "sub sandwich with hand reaching for it", "a white plate holding a big sandwich on it's side", "a picture of two sandwiches with a green plate", "a sandwich has two tooth picks in it", "a sandwich on a plate with a toothbrush with tooth picks", "tooth tooth a salad on tooth fish fish sandwiches pin mini ga sp pin tooth tooth", "a sandwich sitting on top of a table next to a fork and knife", "a sandwich filled with meat, lettuce, lettuce, tomatoes,", "a sandwich with tooth picks cut in half", "food sandwich of a tuna sandwich", "a couple of french flag miniature wooden tooth picks", "is a dinner with two sandwiches, one of which sits on a plate and the", "tooth a wooden tooth crab pins and on flag photo sk mini picks with on on", "a sandwich, a close up of a sandwich of a sandwich", "a two halves of a sandwich with a one half being the top one", "there is a small sandwich on a plate", "tooth tooth sk meat pin mini tooth mini small tooth tooth on small mini the tooth", "chicken sub chop small sandwiches wooden tooth fish sk tooth photo - salad pins tooth flags", "a sandwich that is cut in half", "the chicken sandwich is on a plate next to ketchup", "a open sandwich that is cut in half", "a table tooth pins on the mini skl on a wooden table", "a hot toothpicng with the tooth flag on a toothplet holding a", "a plate filled with a sandwich cut in on a toothpick", "a sub sub sandwich sitting on top of a plate", "small tooth tooth - mini tooth fish tooth small tooth and tooth tooth tooth pick pin", "a ham sandwich with tomato and lettuce is sitting on a table", "fish magnet mini pins on tooth pins that i just had to try", "a white sandwhich is served with tooth tooth picks", "tooth picks display mini sticks on toothcreen flags", "several different sandwiches sitting next to each other", "a plate with a huge sandwich sandwich on it", "a small sandwich with a toothpick sticking to it", "a cut in sandwich on a plate on a toothpick", "a large chicken salad sandwich is stacked on a plate", "a close up of a chicken sandwich on a plate", "a long sandwich on the plate with a pin", "a chicken sandwich covered in sauce and lettuce sitting on a plate", "a club sandwich sandwich on a roll roll", "a very tasty sandwich with small tooth markers", "the half of a pork sandwich has tiny mini green tooth picks", "on bun mini tooth miniature small tooth a is small sandwich of mini tooth meat tooth", "a sandwich that is on a plate with tooth brush flags", "two sub sandwiches with a small toothpick stuck above them", "a sandwich is in a white bowl on a white plate", "very close up of a sandwich with mini tooth picks", "two sandwiches on a plate on a table", "tooth flags tooth wooden mini tooth - a tooth sold tooth tooth tooth pulled pin tooth", "two mexican meat sandwich on the white plate -", "sandwich a smallest tooth flags tooth tooth tooth sk a top", "a chicken sandwich on a white bread roll", "a two halves of a sandwich sitting next to each other", "meat fish pork tuna sub sk sandwich mini flag sub tooth sandwich photo flag tuna ke", "tooth tooth tooth tooth flag sandwich pin sandwich is sk sk on on cut on miniature", "two sandwiches holding tooth picks and tooth picks", "an olive tooth picks on a tooth toothwig", "a white table with tooth pick pins underneath it", "a plate of food sitting on a table", "a cut in half sandwich with toothpicks on top", "sandwich at large sandwich sandwich and sandwich sandwich sandwich and a salad on a white plate", "two sandwich being photo the tooth to on a is a tuna - place is pick", "a person holding a pickle and a sandwich", "tooth carrot tooth tooth mini miniature pin tooth tooth tiny tooth pin pick flag wooden tooth", "two sandwiches are on a plate, holding two tooth picks with tooth picks", "a meal with a sub sandwich on the side, and another side of the sandwich", "a plate that has a sandwich like the chicken sandwich", "two sandwiches on a white plate with cheese sticks", "mini tooth pick tooth pin tooth tooth tooth on mini meat tooth tooth and flags sk", "there is a chicken fillet sandwich on a plate", "a sandwich on a plate with tooth picks", "a salad sandwich with tooth pins on the side", "sandwich tuna sandwich two sub sandwich white roll cut chicken sandwiches slide burr half sandwich close", "chicken slide flag on a finger tacking board sticks", "bite tooth wooden sandwiches on being mini tooth and with sandwiches sk sandwich flag fish chicken", "a tuna meat sandwich pin tooth picks on a flag flag", "a sandwich on a plate at a restaurant where holding a bottle flag", "tuna pulled turkey chicken tuna chicken pulled tooth sandwich sandwich chicken sandwiches burger cia club sandwiches", "a cut in half sandwich with tooth picks and lettuce and tomato on a", "a close - up of a plate of food and tooth picks", "the large sandwich with toothbrushes is being served", "the two sandwiches are stacked together with the tuna sandwich", "pin two tooth tooth green tooth on sandwiches with with tooth olive tooth tooth tooth sp", "a sandwich that is on top of a plate on a table", "a close up of a chicken sandwich bread on a plate", "a toothpicch on a toothpick that has a tooth picks on a", "a plate with a white plate with a small white plate filled with some food on", "pin sk with pin a tooth tooth sk tuna mini flag top tooth tooth mini tooth", "there is a meat cut up with teeth tooth on a tooth stick", "a sandwich with a chicken on it is cut in half", "several toothpicks with a pin on a toothpick holding some bread", "a cut in sandwich with tooth picks stuck in", "tooth tooth - on tooth and tooth sk tooth on tooth sk - on sandwiches mini", "a sandwich is being accompanied by french flags"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "scene"}, {"operation": "verify location", "dependencies": [0], "argument": "outdoors"}], "entailed": ["17914623", "17914624"], "equivalent": ["17914622"], "question": "Is it an outdoors scene?", "imageId": "2649", "isBalanced": true, "groups": {"global": null, "local": "01-location_outdoors"}, "answer": "yes", "semanticStr": "select: scene->verify location: outdoors [0]", "annotations": {"answer": {}, "question": {}, "fullAnswer": {}}, "types": {"detailed": "locationVerify", "semantic": "global", "structural": "verify"}, "fullAnswer": "Yes, it is outdoors.", "image": "2649.jpg", "question_id": 17914622, "captions": ["two zebras in the foreground with a shrub in the background", "a zebra stands in a tall grass field", "three close of the close a a the close a a a he the a in", "several zebras seen grazing in a large grassy field", "there a has close trees photo in picture green a forest a this in has a", "there are several zebras that have been standing in the grass", "a number of zebras in a field of dried grass", "a photograph of single zebras standing against a tree", "a zebra standing in the middle of a field", "a single zebra in front of green trees and trees", "a grassy field with a lone zebra zebra standing alone", "a black and white zebra standing in some light brown grass", "a photo of looking at the outside area while the field is being observed", "there is a zebra that is laying down and walking", "a group of zebras standing in a group of two", "a group of zebras grazing on yellow grass", "the tall dry grass on the plain is brown", "a herd of zebra standing near one another in an open area", "a picture of a zebra on a field", "a field of a grassy dry brown grass, with no grass in the shade", "a a zebra and a lone a lone a some zebra a a zebra zebra a", "a beautiful photograph of a dry, grassy area to the right of a grassy area", "there is a large crowd is talking on the phone", "a group of zebras in a large open field", "a lone zebra standing in a dry brown field", "there taken a a a two a there photo a a a a a a there", "a herd of zebras walking across a grassland covered in yellow grass", "there is a close up of a zebra in a large field", "adult some four a this a five that six two four zebra zebra three and zebra", "a grassy plain in the middle of a field of dried tall grass", "an image of many zebras standing together", "the large grassy plain of many grass and grass is in the field", "a single zebra is wandering through a field of dried grass", "the zebra is watching the others and watching forlor", "this is a photograph of a field of grasslands", "a group of zebras standing in the green field", "a herd of zebra standing together on a plain", "a young boy walking across an outdoor space", "zebra is standing in high dried grass in a large field", "a field with a bunch of different kinds of zebras", "zebra herd zebra zebra lone zebra zebra zebra group black herd zebra that there zebra the", "there are some zebras that are in a field", "a horse is standing tall and staring forward", "two zebras are standing next to each other", "there is a large group of giraffes in a field", "a picture of a dried grassy pasture by trees", "the grass is tall and dry but not so brown", "two zebras are standing up in a field", "a the field the the a a it a a a a some the brown the", "this is a picture of a group of zebra standing next to each other", "a large area of brown and white zebras with grazing through the pasture", "we are looking directly at the same photo while the other is close", "a zebra standing in a dry grassy field", "a zebra in a dry pasture next to a forest", "a herd of zebras grazing on dry grass by woods", "a group of three animals grazing on a dry, yellow grass field", "a group of zebra standing on a wide open field", "a zebra on a dry grassy plain surrounded by others of animals", "a picture of a group of wild animals in the wild", "many zebras roaming in an open field in the shade", "a large group of four sitting in a group of one", "a number of multiple other animals in a field", "a three herd several the a several in the a a few a a several zebra", "several zebras on a dry grass ground in their natural area", "a zebra stands alone in tall dry grass", "a herd of zebras are grazing in an open grass field", "a brown field with a a zebra standing in it", "a lone zebra walking across a lush green field", "a number of horses running through a field", "a large group of zebras grazing on dry grass and dirt ground", "a group of people standing in deep field with each other", "a group of zebras wandering through a dry grassy area", "a photo of a large open field with zebras", "four different species of zebras grazing, near pine trees", "a light brown tall dry field with yellow grass", "a herd of three zebras grazing on the top of a grass covered mountain", "a couple of pretty zebra standing in a field", "a group of zebras grazing on a hill", "the zebra is standing tall and happy and waiting for it's owner", "the large grassy field is full of cows and a few trees", "zebras are standing in a field with trees in the background", "several smaller animals on the savanna with a few more in background", "a bunch of small zebras on the savanna", "the zebras are walking through the tall grass", "several zebras are standing out, on the green grass", "a zebra standing in a grass covered field, in front of pine trees,", "a giraffe walking in a plain in the wild", "multiple other large group of animals of different size in a tall field", "several zebra are standing in a field one is eating and one is looking down", "a dry dry savannah grass field covered with ripe grass", "a bunch of several zebras are in a brown field", "a close up of a zebra in a large grassy", "a group of zebra standing in the sun near different sized trees", "a bunch of zebras that are standing in a field", "the group of zebras are grazing in the pasture", "the zebra stands still in the field from getting eaten, as the time is coming", "a small zebra with some hair standing in the tall dry grass", "a single zebra is standing by some trees", "a, the on the, brown a a there zebra the a a the there", "a small group of elephants roaming through a wide field"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "plate (3621756)"}, {"operation": "relate", "dependencies": [0], "argument": "_,on,o (3621755)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["05635647", "05635744", "05635648"], "equivalent": ["05635646"], "question": "What is the plate on?", "imageId": "2345825", "isBalanced": true, "groups": {"global": "furniture", "local": "14-plate_on,o"}, "answer": "desk", "semanticStr": "select: plate (3621756)->relate: _,on,o (3621755) [0]->query: name [1]", "annotations": {"answer": {"0": "3621755"}, "question": {}, "fullAnswer": {"1": "3621756", "5": "3621755"}}, "types": {"detailed": "relO", "semantic": "rel", "structural": "query"}, "fullAnswer": "The plate is on the desk.", "image": "2345825.jpg", "question_id": 5635646, "captions": ["plate of food with many chili sauce on it", "a plate of cooked hot dogs and a small bowl of ketchup", "a blue plate topped with a blue dish of hot dogs", "a plate is blue and has two different foods on it", "the plate is full of some very tasty hot dogs", "a plate with a square blue plate of a large size", "a plate covered in a bunch of sauces on a cloth", "a plate full of chili and cheese hotdogs on a blue plate", "a pile of hot dogs sitting on top of a blue plate with a silver knife", "plate plates blue blue blue blue large blue blue blue on plate blue blue plate blue", "a blue plate with hot sauce and corn on top", "a blue plate on a blue plate which has a painting of a dog on it", "an image of a very tasty looking plate", "a blue platter with a bunch of hot dogs on a blue plate", "a plate of chili dogs on a blue and white plate", "a plate full of a blue and blue plate containing a blue plate full of two", "a blue plate with chili on a blue dish", "a blue plate topped with cheese, cheese, and two hotdogs", "a blue plate with a blue and blue plate and a blue and white plate with", "a plate of some kind of food on a blue plate", "a a a plate blue cobalt a plate plate blue blue plate plate topped plate plate", "a blue plate on a plate with white drawing drawn on it", "two white dogs on a blue plate with a lot of food", "a plate of chili sitting on a decorative plate", "a blue plate with a blue blue rim plate a hot dog and condiments", "a plate that has two plates of hot dogs on it", "a hot dog and a plate of condiment on a blue plate", "a plate of food sitting on a blue plate", "a blue and blue plate with a blue and blue center", "a plate that has chili sauce on it", "a small plate filled with food on top of a blue plate", "plate plate plate blue plate plate plate plate hot plate plate plate plate blue plate plate", "there is a blue plate of chili beef chili", "a plate of a plate topped with a plate of chili", "big blue blue blue plate plate salad loaded cooked plate chili salad on blue plate blue", "a blue plate topped with cooked food and beans", "a blue plate has hotdogs on a blue and blue rim of it", "a plate of a plate with a plate that has a hot dog with cheese on", "a plate with a plate full of cheese and on a blue plate", "there is a blue plate that has hot dogs on it", "a plate plate plate plate plate blue plate bowl with plate plate a blue small blue", "a plate with a plate of some meat on it", "a blue plate with a blue plate holding a blue and white plate that has three", "a hot hot plate on sausage chili hot plate on plate plate plate hot hot plate", "a plate with a blue flower design on a wooden table", "a blue plate with blue border and two blue blue bands", "a blue plate containing shredded cheese on a paper that needs grated", "a blue plate on a blue rim with a blue and blue plate of chili dogs", "a blue plate with a small plate on it", "two hot dogs on a blue plate on a blue plate", "a blue plate with a blue and yellow plate contains a hotdog on a colorful", "a blue and white plate with chili dogs on it", "a two blue plates filled with lots of chili", "hot plate plates covered with brat hot plate plate plate a blue plate topped blue plates", "a plate of food is on a plate", "on plate a covered hot plate plate hot hot hot plate, dog loaded hot hot", "a plate of entree and entree hotdog sauce on a plate", "two hot dogs is on a plate on a blue plate", "a blue plate depicting a few hot dogs with relish hotdogs and a", "a blue plate topped with cheese and hot dogs", "a blue plate topped with food piled with gold stars", "a full plate of the entreeed hotdogs is served", "blue plate is decorated with a blue and white table plate", "a big blue plate with hot dogs with cheese on a wooden table", "a blue plate plate with a blue blue colored plate on it", "a plate sitting on top of a blue plate filled with a ketchup blue", "a plate holds four hot dog covered in cheese", "a blue plate topped off with cheese and cheese", "on fire hot hot on served a a plate plate hot plate grille hot blue a", "blue plate with a blue and white plate containing a blue plate with a plate containing", "a plate on a blue plate with a fork", "two plates of sandwiches sit on the blue plate", "this is a plate with dinner on it including chili sausages and cheese", "a blue plate that has a blue and white plate on it", "a plate with a plate of food on a blue plate", "an up plate with a blue plate on it on a blue plate", "a plate has a blue and blue plate on it", "two chili cheeses sitting on a blue, blue and white plate", "a blue plate filled with food sitting on top of a blue plate", "a plate with a blue plate with a blue plate on a blue and blue plate", "plate plate, plate plate plate on plate chili hot beans on on plate plate plate", "a colorful plate holding lots of cooked hot dogs", "a blue plate filled with shredded cheese on a blue circular plate", "a plate topped with hot dogs covered in toppings", "a salad with cheese sitting on a plate next to a computer keyboard", "a blue and white plate topped with a corn dogs and some cheese", "a plate with some spaghetti sauce and cheese on it", "a paper blue plate on top of blue plate with white blue plate", "a blue plate with a blue color on it with two hot dogs on it,", "many cheeses and scrambled potatoes sit on a blue plate", "a blue accent plate with a circular blue and white design on it", "a pretty blue plate with a food items on it", "two two a hot blue blue it blue two plate blue plate blue blue round blue", "plate on plate a on plate on blue on plate blue, on on blue blue", "a small plate is served, sitting on a small blue dish", "a plate of hotdogs with mustard on a blue plate", "a blue blue plate is on a white blue plate", "a plate is displaying cheese and cheese slices on a plate", "a blue plate topped with macaro chips on top of blue and white plates", "there is a blue plate with a blue plate with a hot dog and cheese dish"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "woman (3094652)"}, {"operation": "verify rel", "dependencies": [0], "argument": "hat,wearing,o (3553983)"}], "entailed": [], "equivalent": ["13267130"], "question": "Does the woman wear a hat?", "imageId": "2417100", "isBalanced": true, "groups": {"global": null, "local": "13-woman_hat"}, "answer": "yes", "semanticStr": "select: woman (3094652)->verify rel: hat,wearing,o (3553983) [0]", "annotations": {"answer": {}, "question": {"2": "3094652", "5": "3553983"}, "fullAnswer": {"2": "3094652", "5": "3553983"}}, "types": {"detailed": "relVerify", "semantic": "rel", "structural": "verify"}, "fullAnswer": "Yes, the woman wears a hat.", "image": "2417100.jpg", "question_id": 13267130, "captions": ["a group of people walking across a street", "a large advertisement sign for a new york city zoo", "the image is a outdoor garden deli store", "a photo of a street corner with an old sign and people walking on a cobb", "a boat in the water on a road", "a sidewalk next to a wet sidewalk with people", "several people walk along a busy street in the city", "people standing at a cross walk under a bridge", "a street is in the old town of dublin", "people walk past an orange sign for the new food business", "busy people passing pedestrians walking and traffic in the rainy rainy city", "people walking beside a street in front of an old building", "a group of people walking that are standing on the sidewalk", "there is a close photo in this image", "the people are walking down the street at a busy downtown market", "people and outdoor area of city life and street", "there rain street on a a a green old building town under urban street a a", "there are people that are walking outside a building", "the sign for an outdoor cafe is displayed on a pole", "a trolley bus is going down the street", "the sign says the subway is a very good place to be used", "a boat under construction is parked at night with a crowd standing near it", "a group of people standing on a street talking next to a carnaval", "a blue bridge that is standing over a busy street", "people cross the street in front of a bus stop", "the sign is yellow on a yellow bus stop sign", "a man standing on a sidewalk in the rain", "a crowd of people talking around a market sign", "a sign on a rail stop in a city", "a store written camden's park on a brick street", "a large wall for a hotel and a sign of a circus", "the bridge is over the street below the road side", "a wet city is filled with people and a sign", "there is a shop sign on a street", "a crowd of people carrying baskets as the city prepares to open", "a stone brick road with people walking along some brick cobblestoneed sidewalk", "a crowded street with pedestrians waiting to cross", "many people standing on the boardwalks of a large city", "several people walk, and cross in the city", "an image of street view with view across the road", "this photo of an old sign written on an overpass", "a rainy road with a bunch of cars on a rainy day", "a brick sign sitting on the side of a road with people and street bus", "a very wet rainy day and several people near the red truck", "a large sign is in the shape of a garden supply store", "there are many people that are standing in front of brick buildings", "a cafe sign outside on the street in the winter", "a view of the city from a street corner with people outside", "a group of people on a city street", "people walking and dining along a city street that appears to be a station", "a sign advertising a convenience store along a wet street", "a colorful, old advertisement spray painted on a building's side", "there is a red and white bus and some buildings", "a large bridge that has a few stores along it", "a red park bus on a street in a city", "an old train is in the country side of this city", "a couple of people are walking near a red and orange truck", "two people are walking down a sidewalk on a sunny day", "the bridge has people walking across it", "the signs says camden, garden store on the street corner", "a group of people standing in front of a garden", "a dirty street corner next after rainy rain", "a street scene with people walking around a garden", "people stand in a wet, rain - covered corner of the street in london,", "a sign above an old railway bridge that reads great britain", "a few people walking on the street by a busy street", "a large old sign reading war hotel in a city", "a group of people walking along the sidewalk near a busy street", "people are walking down a rainy sidewalk", "a photograph of a city street with a boat in the area", "a close up of a sign advertisement on the corner of a city street", "the orange sign has the word'stave'written on it", "signage of a garden store on a building above a wet street", "a picture of a big train going over that walkway", "a crowd of people are walking around", "a colorful photograph of the street, and it has some graffiti over it", "people are standing in the street and talking", "a street scene with many motor scooters, and a number of people", "wet pavement along the side of a road, with a truck on it, there", "a sign hanging in the back of an old fashioned pub", "a group of people standing on a sidewalk near rusted metal", "small building with two columns that support the back", "a sign sitting over the front walkway of a small shopping center", "a photo of a city market building with people walking", "a traffic filled street with lots of traffic behind city streets", "a city street has a train going over a bridge", "a pedestrian walking over a bridge with pedestrians crossing it as other people walk", "this is an image of a restaurant on a rainy day", "a few people walking near many buildings in city", "a stoplight on a road next to a red brick road", "a sign that is orange against the orange lettering", "there is a red train going down the track", "a photo of a bright picture of the city", "a group of people walking across a street next to a person with an umbrella", "a street that has cars passing on the road and has buildings and buildings", "people can be seen walking near a pedestrian overpass", "we see a number of people standing outside in the rain", "a scene of urban setting with a pedestrian light", "a photo of the old store on a street", "an old business sign on a corner in a city"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "grass (1221222)"}, {"operation": "relate", "dependencies": [0], "argument": "animal,leaning on,s (1221219)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["1181671", "1181749"], "equivalent": ["1181747"], "question": "What animal is leaning on the grass?", "imageId": "2393301", "isBalanced": true, "groups": {"global": "animal", "local": "14-grass_leaning on,s"}, "answer": "dog", "semanticStr": "select: grass (1221222)->relate: animal,leaning on,s (1221219) [0]->query: name [1]", "annotations": {"answer": {"0": "1221219"}, "question": {}, "fullAnswer": {"1": "1221219", "6": "1221222"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The dog is leaning on the grass.", "image": "2393301.jpg", "question_id": 1181747, "captions": ["dark pup plays an water watermel on grass", "a dog is playing with a frisbee lawn, and a water melmel", "a dog running after a frisbee that jumping and rolling", "a small dog with a flying disc in the grass", "a small dog chews on the grass with a frisbee", "playing labrador a fr leaping puppy toy puppy jumping rolling playing running ball running jumping terri", "black dog running, playing with a frisbee in the yard", "a dog is running on his back on a grass", "a black dog jumping to attack a frisbee", "a small puppy jumping in the air to catch a frisbee", "a small black dog holding a frisbee in the grass, playing with it", "a small dog lying on its side on grass in front of its ball", "a puppy playing with a frisbee in park", "a black poodle running towards a water melale toy", "- dog a puppy to is fr toy dog jumping jumping shaggy dogs and laying black", "a small black dog playing with a frisbee on a grass covered ground", "a very cute little dog running on the grass", "the terrier dog plays with a frisbee a frisbee is almost", "a very fluffy black dog playing the tug on the grass", "a small playing in the grass with a toy toy", "a puppy playing outside with a dog toy", "animal in grass playing a frisben in the grass", "black dog playing with object thrown through the grass", "a puppy running after a frisbee in it's mouth", "a small black dog running around a yellow frisbee", "a dog is running around on the green grass playing frisbee", "little dog playing on a bright lawn with a frisbee", "a black young running in the grass towards a ball", "a little black dog playing freesbek play with a frisbee", "a black dog runs around on its back legs", "a dog catching a frisbee, while playing with a toy", "a little dog frisbees and runs after something", "a small black dog running after a stick", "is jumping small toy fr running fr playful running play on disk fr in fr fr", "dog terri black a small puppy rolling black brown running play a this running puppy a", "dog black a a, dog black black fluffy fluffy puppy black, toy a on", "a black dog playing in the out in the grass", "a toy dog puppy running about to catch a frisb", "a fluffy dog playing in the yard catching something", "a dog is running and biting frisbee with its paws", "dog is playing ball in sunny lawn during the day", "a black dog that is playing with a frisbee and a frisbee", "a puppy playing with a frisbee in the grass", "playing fr dog fr puppy playing toy play is playful playing jumping jumps catches play fr", "black poodle catching flies green frisbee with toy in mouth", "the dog is enjoying playing with the ball", "dog runs across a grassy field and playing in the grass", "a black dog laying on the ground with a frisbee", "a young terri shaking a frisbee in the air", "dog running to catch a flying toy on the lawn", "a black puppy running across a lush green field", "a small frisbee is jumping toward a green frisbee", "a small dog playing with a large toy", "a a dog on a a puppy puppy dog black dog small large dog black small", "a little black dog running in the grass", "thrown dog puppy a dog toy is is running toy shaggy playing dog play toy small", "a chocolate dog kicking on its back playing with a frisbee", "a small dog playing with his feet as he rolls him tight", "black dog playing lawn with a frisbee with its paws out", "a playful large dog leaps in the grass", "a poodle playing with ball in the yard", "a dog is catching a frisbee in a grassy area", "a small pup dog with a front legs in play running in a yard", "a black dog catching a yellow frisbee on a field", "a dog that is playing with a toy", "a dog that is playing with a frisbee", "po black black laying playful puppy dog playing with a plays toy black dog dog puppy", "a dog running to chasing the frund of the top of itself", "a dog rolling about in a green lawn", "a small dog lays in the lawn while playing with a yellow frisbee", "a small black poodle plays with a green frisbee", "playing dog grass dog dog lawn fr jumping run laying running and toy black black to", "a dog is kicking up to a frisbee with it's leg", "a small black dog playing in the grass", "a dog running on grass kicking a ball", "a dog playing with a frisbee in a yard", "a boy tosses a frisbee in an open grassy area", "a puppy playing with a large ball on the grass", "a small black dog running with a frisbee in it's mouth", "the black dog reaches for a yellow frisbee in the green yard", "a poo terri dog running on itself", "a black dog playing with a frisbee on the grass", "fluffy running, play playing dog jumping a shaggy black fur terri small playing a running", "black dog chasing through the grass on the ground", "a black dog catching a neon fracbee in the grass", "a dog playing with a toy lime frimbee on its paws", "a black dog playing with a lime frisbee", "this small dog chews on his ball while swinging it", "a dog is chasing after a toy in it's paws", "a black dog running through the grass with a frisbee", "a small dog is walking around on the lawn", "a black furry dog plays in the green grass", "a dog is playing and chasing in a grassy field", "a little black dog playing with a frisbee", "terri little is running chasing play while chasing playing chasing dog leaping tug running catches jumping", "black dog playing on the grass with his tongue open", "this in with with fr fr a fr playful playing fr fr fr running while grass", "a small dog chasing after a yellow frisbee in the air", "a dog leaps over a frisbee in a grass field", "a dog playing about playing on a sunny grass"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "tissue box (740324)"}, {"operation": "relate", "dependencies": [0], "argument": "furniture,on,o (740325)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["11966658", "11966659", "11966656"], "equivalent": ["11966658", "11966657"], "question": "What type of furniture is the tissue box on?", "imageId": "2371105", "isBalanced": true, "groups": {"global": "furniture", "local": "15-tissue box_on,o"}, "answer": "shelf", "semanticStr": "select: tissue box (740324)->relate: furniture,on,o (740325) [0]->query: name [1]", "annotations": {"answer": {"0": "740325"}, "question": {"3": "740325", "6:8": "740324"}, "fullAnswer": {"1:3": "740324", "6": "740325"}}, "types": {"detailed": "categoryRelO", "semantic": "rel", "structural": "query"}, "fullAnswer": "The tissue box is on the shelf.", "image": "2371105.jpg", "question_id": 11966658, "captions": ["porcelain toilet and faucent in bathroom with wood cabinet", "toilet toilet toilet toilet toilet toilet toilet toilet box toilet toilet to toilet packaging toilet toilet", "a toilet and a roll of toilet paper in a small bathroom", "a bathroom bathroom with paper, toilet roll wrappers, and a water pucl", "the toilet paper has been wrapped in a cardboard box", "a box is under the sink to unpack a toilet", "a bathroom with a box of toilet tissue and a toilet bowl", "a white toilet in the corner of a bathroom", "toilet toilet toilet toilet toilet toilet toilet toilet under toilet toilet toilets toilet bid paper toilet", "a white bathroom with a tissue roller in a cardboard box near a toilet", "open toilet bathroom toilet under toilet toilet toilet toilet new toilet toilet toilet toilet box toilet", "a picture of a box on a toilet with a box", "a bathroom bathroom with a toilet stall tissue in it", "a dirty bathroom bathroom, toiletpaper, toilet paper rolls and paper", "toilet next toilet toilet toilet white toilets toilet to a toilet toilet the toilet toilets toilet", "boxed box boxes shipping boxes box toilet box tissue packaging box box new toilet toilet package", "a toilet and a toilet paper box opened up", "the bathroom is empty and white in color", "it bid toilet toilet bathroom bathroom the toilet toilet used room toilet toilet toilet toilet toilet", "a toilet under a cupboard with toilet paper in it", "waste toilet toilet toilet toilet toilet toilet toilet un toilet bid toilet water bathroom toilet toilet", "a toilet with the lid up next to a wall with some toilet paper", "a dirty toilet in a bathroom with a tissue box in front of it", "a white toilet sitting next to a wooden cabinet", "the bathroom is shown with toilet paper and a box", "cart the brown cardboard brown brown toilet cardboard cart toilet box toilet, toilet in,", "a bathroom with a toilet with a lid open", "a toilet that is next to some napkins", "a bathroom with a toilet, sink and waste can", "a bathroom with a toilet and cleaning towels on the walls", "a large cardboard box sits on the counter next to a white toilet", "a bathroom that has a cardboard box in the background", "a toilet with its lid pulled open while wrapped with the toilet paper", "toilet toilet base toilet paper san bathroom bathroom toilet open toilet white bathroom cabinet under under", "there is a toilet with a white seat and cover", "a toilet with a remote control above its tank sitting in the bathroom", "a white toilet and toilet paper in a bathroom", "a bathroom scene with toilet paper, tissue, remote, and control", "a cardboard box is stored underneath a wood cabinet", "a set of cardboard, toilet paper and bathroom paper papers next to a toilet and", "one white toilet and a trash can next to a cardboard box", "a white toilet that is by a box of toilet paper", "a package for an elevator case and a toilet", "a bathroom has a toilet monitor and water dispenser", "some toilet paper and a box on a bathroom floor", "an item in a cardboard box sitting on a tiled bathroom floor", "paper under com bathroom toilet toilet bathroom toilet toilet toilet flush toilet toilet toilet toilet toilet", "a bathroom that is being moved with a box on the floor", "a bathroom bathroom, with red wood floor and white fixtures", "a toilet next to a tissue roll box and a remote", "a toilet is unpacked and with rolls of toilet paper", "a package is tied to a toilet paper holder and packaged toilet paper", "a toilet with an unpadding toilet paper and a box of toilet tissue rolls", "a carton of toilet paper is opened under a cabinet", "two toiletries are sitting in a small white restroom", "a toilet with an electronic wii remote controller and a box on the floor", "a toilet is shown in the bathroom with tv on it", "toilet to white toilet com toilet package toilet toilets a toilet toilet toilet toilet new toilet", "and white toilet toilet bath toilet sink toilet toilet a toilet in wood toilet toilet toilets", "toilet bathroom toilet toilet toilet toilet toilet toilet open toilet toilet toilet in toilet a toilet", "a toilet and sink with the toilet paper on the ground", "brown a a tissue rolled toilet toilet rolls toilet stacked toilet toilet toilet toilet toilet toilet", "an image of a bathroom design", "a small toilet sitting next a dispenser", "a picture of a bathroom with toilet paper and a phone", "bathroom white white the toilet toilet toilet toilet and toilet to toilet toilet toilet toilet toilet", "boxes of toilet paper lay underneath a bathroom vanity", "toilet cardboard a the toilet toilet toilet toilet toilet to toilet toilets toilet toilet toilet water", "the toilet is sitting on the floor near cardboard boxes", "bathroom toilet a the toilet toilet toilet toilet toilet toilet toilet open toilet toilet toilet white", "a bathroom with a toilet, sink and package in it", "toilet tub toilet com toilet the toilet toilets toilet com toilet toilet toilet toilet toilet toilet", "toilet brown wooden, wooden toilet brown toilet toilet toilet toilet toilet toilet is toilet rolls", "a toilet with some toilet paper rolls and a bag", "a toilet with boxes of toilet paper sitting inside a bathroom", "a white toilet sitting next to a toilet paper holder", "a toilet and a toilet paper holder are shown", "a toilet is white with no paper and is inside of a bathroom", "a bathroom with a toilet paper and toilet paper roll", "the box is next to a toilet", "a toilet sitting next to a wood paneled wall", "this is a picture of a bathroom", "boxes are in a small bathroom with toilet paper on the counter", "a white toilet sitting in a bathroom next to a cardboard box", "a white toilet is under a box surrounded by boxes and toilet paper rolls", "a wireless toilet and a digital toilet paper holder", "two white toilets with a box of toilet paper", "a very small toilet has boxes around it", "there is a cardboard inside a trash bin on the corner of a toilet", "a toilet brush and sink in a room with tiled wall", "a bathroom toilet sits in a box and boxes of toilet paper await to be wrapped", "a remote control is above an open cupboard of the bathroom to open the toilet that", "a toilet sitting next to a paper mill next to a toilet paper dispense", "a tv screen under a cabinet with a remote", "a white toilet sitting under a box under a cabinet", "an image of a box of kitchen paper", "a bathroom toilet sitting under a closed closet", "this is a picture of a white toilet", "the toilet is next to a package in a box", "a toilet bid white toilets bath toilet electronic wii toilet toilet toilet toilet bid toilet toilet"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "table (739156)"}, {"operation": "relate", "dependencies": [0], "argument": "plate,on,s (739157)"}, {"operation": "relate", "dependencies": [1], "argument": "pizza,next to,s (3854478)"}, {"operation": "exist", "dependencies": [2], "argument": "?"}], "entailed": ["14475037"], "equivalent": ["14475110"], "question": "Do you see pizzas next to the plate that is on the table?", "imageId": "2371560", "isBalanced": true, "groups": {"global": null, "local": "13-plate_pizza"}, "answer": "yes", "semanticStr": "select: table (739156)->relate: plate,on,s (739157) [0]->relate: pizza,next to,s (3854478) [1]->exist: ? [2]", "annotations": {"answer": {}, "question": {"3": "3854478", "12": "739156", "7": "739157"}, "fullAnswer": {"8": "739157", "4": "3854478"}}, "types": {"detailed": "existRelS", "semantic": "rel", "structural": "verify"}, "fullAnswer": "Yes, there is a pizza next to the plate.", "image": "2371560.jpg", "question_id": 14475110, "captions": ["a big cheesy pizza and a round plate next to it", "a table topped with a white plate next to a book", "a big full cheese pizza in a small box, sitting on a counter", "a pizza sitting next to a white plate on a table next to a white plate", "an assortment of pizza, plates and a plate on a rock counter", "a pizza that is sitting next to a white plate", "a pizza and an oven on a table", "a pizza next to a pizza white bowl and a bottle of beer", "an 8 inch cheese pizza next to large plate and square plate", "the pan has pizza and napkin on it", "pizza and a cutting board sit on the counter", "a giant pepperonioni pizza, and white plate on a table", "a pizza is sitting next to a plate on a counter", "a box with the pizza and plates on the table", "a close up of a pizza and a plate in a room", "a pizza slices about a white plate sitting on a table next to the pizza", "a large pizza sits on a kitchen counter as it has a white plate and pizza", "a pizza that has been placed next to a table", "a large baked pizza sits on a table next to a plate and plate", "a pizza next to a napkin, food and coasters", "a large deep dish pizza and an empty plate", "a small personal sized pizza and a plate sit on a kitchen counter", "pizza pizza pizza pizza pizza pizza pizza white pizza pizza pizza pizza pizza pizza pizza pizza", "a box of pizza sitting next to a square plate", "a pizza box with a pizza and plates", "a beer bottle inside an open box by a box", "someone is making and taking orders from this dish", "a cheese pizza covered in cheese next to food", "a pizza with cheese and a beer on a granite counter", "a pizza sits next to a glass of beer and a large pizza", "a table topped with a slice of pizza next to a smaller box of pizza", "the pizza is on the table near the water glasses and a plate", "pizza pizza pizza pizza pepper pizza this pizza pizza cheese pizza pizza pizza personal pizza pizza", "a beer, a saucer and a beer are next to each other", "a table next to a bottle of beer and a beverage", "a personal pizza, two plates and some food on the counter", "a personal sized pizza with cheese and sauce near a plate", "a table with a plate, a white bowl and a pizza and a plate", "a cheesy pizza with cheese sitting next to two plates", "a whole pizza with cheese, next to a bottle of mustard and beverage", "a cheese - pizza and a bottles of beer and some alcohol", "the plate has white plates on one side the plate on the other", "a pizza with a slice sitting on top of it", "pizza and a beer next to a white board on a counter", "there is pizza in the foreground and a place for the plate", "a pizza sitting alone next to two plates, a dish and a plate", "a pizza sitting in a pizza box next to a white plate and next to it", "a close up of a slice of pizza on a paper plate", "a pizza with cheese, sauce, cheese and a beer", "a table has a full pizza, plate and square paper on it", "a small pizza on a plate next to a container", "a large pizza next to an empty white plate on a kitchen counter", "a pizza and beer are sitting on a counter", "pizza large pizza pepper pizza pizza pizza half pizza pizza a pizza big a pizza the", "a large pizza sitting outside of a box with some cheese", "the pizza is on the table with a pitcher and paper cups", "beer and a box of pizza sitting on a table with alcohol and pizza", "pizza in a box next to a plate and a square plate", "a pizza sits in a cardboard box beside two plates and bottles of beer", "a pizza in a pizza box is next to a table and plate next to the", "a glass of beer sitting next to a box and some dishes", "pizza two pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza pizza", "a small pepperoni pizza sitting next to a table containing water", "open box with some beer in it, and a box with a hot sauce and", "a small pizza with cheese beside a small white dish", "a pizza sits on an island with beer next to it, and tableware and", "a large large pizza on a stove top with plates and and plates around", "the pizza and salad are sitting next to two plates", "a pizza on a counter with a plate on it", "an uncooked pizza and a white plate at a table", "pizza next to a white plate and bowl with a bottle of beer", "freshly made cheese pizza for any occasion", "a pizza in a wooden crust with cheese and cheese", "a box of cheese pizza next to a large plate", "a pizza next to an empty bottle is on the counter", "a box of food next to a pizza and a drink", "a table with a plate, glass and bottles of liquor", "a pizza that has been made by a home cooking family", "a glass table and a large plate of half eaten pizza", "a pizza in a box and a plate on a table", "a whole whole pizza and plates on a table", "a pizza that is in a box, next to a paper and a plate", "a very large pizza that is in a box", "a pizza and plate next to a bottle of mustard", "a pizza crust with toppings, small plates and napkin sit atop a counter", "plates cheese a pizza next plates cheese of a place che personal cheese cheese yellow pizza", "a box the plate is on next to the empty plates", "the pizza is sitting on the counter ready to be eaten", "the pizza gets its slice out of the box and pizza sits down to the left", "a box with a beer glass and a plate next to it", "pizza, chair, white plate, and a full beer next to the meal table", "a full cheese pizza and beer and plates", "a personal size pizza sitting in front of a bottle of beer", "a table that has a white plate, a plate and cheese pizza", "a cheese pizza with cheese sliced into pieces", "a plate of pizza, salad and plate on a counter", "a pizza sitting in a pizza box next to cutting board", "table and white plate, a white drink and a yellow beer", "a pizza and a chair in a kitchen", "a box of pizza, a plate and a large bottle of coronar beer"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "racket (855760)"}, {"operation": "relate", "dependencies": [0], "argument": "person,holding,s (855759)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["02554108", "02554155"], "equivalent": ["02554156"], "question": "Who is holding the racket?", "imageId": "2352147", "isBalanced": true, "groups": {"global": "person", "local": "14-racket_holding,s"}, "answer": "woman", "semanticStr": "select: racket (855760)->relate: person,holding,s (855759) [0]->query: name [1]", "annotations": {"answer": {"0": "855759"}, "question": {}, "fullAnswer": {"1": "855759", "5": "855760"}}, "types": {"detailed": "relS", "semantic": "rel", "structural": "query"}, "fullAnswer": "The woman is holding the racket.", "image": "2352147.jpg", "question_id": 2554156, "captions": ["a woman that has a racket, racquet and a tennis ball on", "a middle - aged model in action playing a game of tennis", "a woman and a tennis racket and racquet", "a women that has a racquet in her hand", "a woman holding a tennis racket on a court", "a woman swinging her racket and swinging a racquet on a court", "a girl is standing back, holding and holding her racket and a ball holding", "the woman is about to hit the tennis ball", "a badminton player swings a racket as she is ready to serve", "a woman is playing golf and about to return shot", "woman swings racket at ball while playing tennis", "a woman playing tennis and holding a racquet and holding a wimbledon tennis", "woman playing tennis has a racket and a racquet in her hands", "a woman is playing tennis on a court", "a woman is playing tennis, tennis, and tennis racket", "a female tennis player in motion holding rackets and a tennis racket with the", "a woman wearing a white dress is playing tennis on a court", "a woman with a rack and a holding a racket on a court", "an elegant picture of a woman on a field holding a tennis racket in both", "a woman is playing tennis and holding a racket and rackard", "a young lady with a racquet looks through the net after hitting a bouncing", "a tennis player in a position for the incoming return", "a woman walking with a tennis racket while holding a racquet", "young woman preparing to hit tennis ball with racket", "a female playing tennis holding a racket in her hands", "female tennis female tennis a sad rack girl playing blond ra tennis girl tennis a girl", "a man in a white shirt is holding a tennis racket", "a girl wearing a white dress and a white skirt holding a tennis racket and", "a woman with a racket plays tennis tennis", "a woman on a court playing tennis", "a woman preparing to return a backhand shot in tennis", "a woman holding a racquet and a tennis racket", "a woman plays tennis and is playing tennis", "a tennis player and a young lady that has rackets and a racket", "a female standing on a tennis court holding a racquet and tennis racket", "a woman playing tennis and one handed to hit the ball with the racket", "a woman with a tennis racket and racket", "a girl getting ready to play tennis with her racket", "a tennis player in white playing a game of tennis", "the woman holding the tennis racket is holding the string", "a tennis player waits to return the ball", "a woman in action playing a game of tennis", "a woman is playing tennis and holding her racket", "lady a woman while woman tennis serving tennis tennis female girl tennis holding doubles tennis female", "a female female tennis player holding a racquet and a tennis rackel", "a woman holding a tennis racket and a racquet", "a woman holding a pink racquet while on a black stage", "player girl holding a woman about the woman swinging tennis player a this women tennis back", "a woman preparing to hit a tennis ball with a racket", "a woman poses with shuttle and racket, holding a tennis racket", "a woman is playing tennis with her racket and racket", "a a her blonde tennis woman in a the, tennis tennis a tennis a a", "a woman standing in the middle of a court with a racket and ball", "a woman on a court holding a tennis racket and a tennis raquet", "a woman standing on one side with her racquet and racquet in", "the tennis player is at the beginning of a tennis swing and about to hit it", "a woman dressed in all white holding a tennis racquet", "a woman holding two racquets that are attached to a racket", "a large woman plays on a black court at night", "a young woman bends to hold the racket while holding her racele to", "the woman is hitting a tennis ball on the court", "is tennis tennis a a a female woman a a woman, girl close female tennis", "a blonde girl in action with a racket and a tennis racket in her", "a girls tennis player about to hit a ball in a game", "a woman holding a racquet and tennis racquet on a tennis court", "a woman that is standing on a stage with a racquet and tennis rack", "the woman tries to hit the tennis ball with her racquet", "tennis player with racket holds racket and tennis racket in one hand while", "a woman hitting a serve with a tennis racket and a tennis racquet", "the racket is a girl", "holding, about tennis females fore dark pulling her female female female trying rack getting behind", "a woman swinging at a incoming tennis ball", "close, close wimbledon tennis picture rack tennis rack to woman tennis that rack between rack", "a female tennis player on a tennis court holding a racket and a racket", "a woman on a court with a racket and a tennis racket", "a girl standing in front of a racket with a sports racket in both", "a woman holding a tennis racquet hitting a tennis ball", "a woman holding a racket playing doubles tennis", "a serious looking image of a woman holding a racquet and a tennis rack", "a girl with a racket plays tennis game", "back holding badminton tennis wilson tennis tennis tennis tennis a while on tennis while women tennis", "the young adult female tennis player holds her racket and racket", "tennis tennis tennis tennis tennis to tennis tennis tennis tennis tennis tennis doubles tennis a,", "a woman is holding a racket as she gets ready to hit", "a woman in a white dress and skirt playing tennis", "a young girl is hitting ball with a tennis racket", "a young girl swinging at a tennis ball holding a racket and racquet", "a woman with a racket and a rafe holding a tennis racket", "woman preparing to serve a tennis ball to her opponent", "a woman on a court and holding a racket and raquet", "a lady playing in dark lighting area holding a racket as a person wearing a", "a girl holding a racquet and tennis racket holding a racquet", "a woman with a racket and a racket on a tennis court", "a woman standing in a court with her racquet", "a young woman holding a racket and a tennis racket", "a woman on the court playing tennis with a racket", "a tennis player is ready to serve the ball", "a woman in a white and black outfit holding a tennis racket and a ra", "a girl is going to hit a tennis ball", "tennis tennis with a fence tennis female female playing tennis tennis the tennis tennis female tennis"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "food (836255)"}, {"operation": "filter", "dependencies": [0], "argument": "cooked"}, {"operation": "relate", "dependencies": [1], "argument": "meat,on,s (-)"}, {"operation": "exist", "dependencies": [2], "argument": "?"}], "entailed": ["17112933", "17112934", "17112935", "17112910", "17112911"], "equivalent": ["17112911", "17112912"], "question": "Do you see any meat on the cooked food?", "imageId": "2354711", "isBalanced": true, "groups": {"global": null, "local": "13-pizza_meat"}, "answer": "no", "semanticStr": "select: food (836255)->filter: cooked [0]->relate: meat,on,s (-) [1]->exist: ? [2]", "annotations": {"answer": {}, "question": {"7:9": "836255"}, "fullAnswer": {"3": "836266", "6": "836255"}}, "types": {"detailed": "existRelSC", "semantic": "rel", "structural": "verify"}, "fullAnswer": "No, there is cheese on the pizza.", "image": "2354711.jpg", "question_id": 17112911, "captions": ["tomatoes tomato on tomato tomato tomato tomatoes and cheese tomato tomato pizza tomato sauce tomato fe", "the pizza has lots of cheese and tomato on it", "small plate with tomato small and red tomatoes", "a homemade pizza with a lot of feta cheese", "a small pizza with many vegetables on it", "a whole pizza with topping of tomatoes and spinach", "a pizza with a bunch of vegetables on a plate", "a plate of food that includes tomatoes, feta, and other cheese", "a pizza is on a plate on a plate", "a pizza has several pieces of cheese and tomatoes on it", "a pizza that is cooked and sitting on a white plate", "pizza topped with various veggies and some spinach", "a pizza is shown on top of a wooden table", "a large pizza with tomatoes and cheese on a plate", "there is a pizza with tomatoes and meat on it", "a whole pizza with a pepperoni and cheese toppings", "a pizza with spinach on it sitting on a table", "a plate of pizza on a plate next to an orange", "pizza this a personal pizza there a pizza pizza pizza a personal personal pizza a thin", "a personal pizza with a variety of toppings", "a pizza with white cheese and sauce on a table", "a small pizza with veggies atop it", "a small pizza with white vegetables on the top", "a pizza with melted cheese served on a white plate", "a personal pizza on a plate sitting on a table", "a pizza is with some topping pizza crusted with vegetables", "a flat crust whole pizza with tomatoes and cheese", "a very big delicious looking plate with very well cooked food", "small tomato and feta pizza sitting on a kitchen counter", "a fresh pizza with tomatoes and mozarmole toppings", "a pizza pie topped with tomatoes and a few green beans", "a small pizza with cherry tomatoes, onions, and cream cheese", "a small tomato and white cheese plate on a serving plate", "pizza there the small in a crust the pizza a small a pizza home cottage a", "a pizza with tomatoes, tomatoes, and tomato sauce", "a small pizza topped with tomatoes and feta cheese", "a small plate pizza is on a plate on a plate over a brown plate", "a pizza topped with lettuce, basil, mozzarella spinach,", "a tortilla pita pizza with tomato and basil toppings", "a flat bread pizza topped with cheese, green leaves and tomatoes", "pizza pizza a a pizza pizza pizza plate pizza pizza pizza pizza supreme pizza food pizza", "a pizza with tomatos a tomato and green basil", "a small pizza with an assortment of toppings on it", "a pizza is topped with tomatoes and mozzarella", "a close up of a thin pizza topped with tomatoes", "a pizza with tomato, mozzarella, and tomato slices", "a freshly made pizza with different ingredients and colors", "a fresh sliced thin pizza with lots of tomato on the plate", "pizza pizza crust pizza a and a personal a homemade a bread flat personal pizza tomato", "a tomato pizza on a platter with cheese on the crust", "a slice of a pizza loaded with a cherry and mozzarella", "the pizza is sitting at the ready table", "a freshly made pizza with toppings on it", "a small pizza with several toppings on it", "a large pizza sitting on top of a white counter", "small thin pizza with toppings on a plate", "a pizza showing many tomatoes and cheese on it", "a personal pizza pie with tomatoes and mozzarella on it", "a slice of pizza with sliced cheese and spinach", "an old pizza topped with tomatoes, cheese and spinach", "a large pizza that is sitting on a plate", "vegetables such as tomatoes, mozzarella and mozzarella cheese are piled together", "the pizza is topped with tomatoes and basil", "a homemade pizza filled with fresh tomato topping on a yellow plate", "a large personal home in pizza the top a medium pizza thin a plate tomato topping", "the small pizza is ready to be eaten", "a pizza with cheese, tomatoes, mushrooms and spinach", "a pizza that is mostly pizza with mushrooms, mushrooms, red peppers and cheese", "a small thin bread pizza topped with fresh vegetables", "tomato a cherry heir crust a tomato tomatoes tomato pizza pizza pizza fresh sliced pizza personal", "an image of a pizza with vegetables on it", "pizza pizza tomato - tomato cheese go with tomato - a tomatoes pizza pizza crust pizza", "a pizza that is sitting on a plate", "this pizza has tomatoes and green leaves on it", "a personal pizza cooked on a crust topped with mozzrella", "a whole pizza with some white and green toppings", "a pizza with tomatoes, pepperoni and cheese", "an image of a small pizza that appears like a pizza", "a small pepperoni and tomato pizza sitting on top of a table", "pizza cooked with many toppings on a plate", "a whole pizza with toppings on a metal table", "there is a pizza with cheese and tomato slices on it", "a pizza with a bunch of mozzatto cheese and a mozzatta cheese", "a slice of pizza topped with a lot of tomatoes, feta cheese and fresh", "a plate of pizza on an iron platter on a plate", "a small pizza covered with cheese and spinach leaves", "a pizza loaded with peppers, cheese, and basil", "a white pizza on a pizza pan on a table", "a cheese pizza with red sauce, olive and baby tomato tomatoes", "a pizza with toppings is on a white plate", "a pizza with goat tomato tomatoes, feta cheese", "a cooked small pizza has a small pepperoni, tomatoes, and cheese", "a small small pizza on a table with tomatoes and white cheese", "there a small pizza on a table with crust tomato tomato tomato tomato", "a whole pizza topped with all cheese and tomatoes", "pizza that has spinach on a wood fired pizza", "a pizza topped with vegetables on a white plate", "an unpeeed home made personal pizza sitting on a table", "a plate of a small pizza with toppings on it", "a fresh vegetable pizza with mozzarella cheese and basil leaves"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "graffiti (2665634)"}, {"operation": "relate", "dependencies": [0], "argument": "_,on,o (2665635)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["071014037"], "equivalent": ["071014038"], "question": "What is the graffiti on?", "imageId": "2368145", "isBalanced": true, "groups": {"global": "object", "local": "14-graffiti_on,o"}, "answer": "pole", "semanticStr": "select: graffiti (2665634)->relate: _,on,o (2665635) [0]->query: name [1]", "annotations": {"answer": {"0": "2665635"}, "question": {}, "fullAnswer": {"1": "2665634", "5": "2665635"}}, "types": {"detailed": "relO", "semantic": "rel", "structural": "query"}, "fullAnswer": "The graffiti is on the pole.", "image": "2368145.jpg", "question_id": 71014038, "captions": ["a building that is near a mural", "a boat in the middle of the street with a speed life here sign", "a sign that says eat, sleep and drink painted on the side of a street", "a stop sign with a road markers in front of it", "a blue street sign with the light underneath street signs", "a store with graffiti is in front of the ocean and graffiti", "two small boats near each other by a pole", "hanging city painted street the with the with a street stop pole street a sign stop", "an old boat with graffiti on it sits under some graffiti", "keep the free sign keep street the graffiti graffiti street street and caution graffiti sign", "a boat that sits that says, be like the boat for me", "a small wooden ship sitting in a graffitid area near a forest", "a picture of a street corner corner with graffiti painted on the walls", "a sign hangs on a vine near the building graffiti", "closed red pizza graffiti a a stop graffiti sign there street pizza graffiti signs graffiti foreign", "the photo is an old ship in graffiti", "a corner sign is in front of a pole with a traffic sign for a stop", "a blue street sign is on the blue line park", "street the graf street street street street street sidewalk street street graf graffiti street city in", "a large wooden boat sitting next to a pole", "a very dilapidated boat on display at a cross walk", "a building that has been tagged with graffiti on it", "a car driving next to a colorful brick wall", "and wood mural street sailor painted old graffiti and sign street st street painted street near", "two cars waiting on the road near a boat boat", "several cars passing a boat in front of a boat mural", "a bunch of cars drive down a street", "a boat that is propped on the ground", "the street street street at corner in a at direction corner stop intersection painted street street", "a sign that says sea side music", "street street street the graffiti street written on close graffiti painted graffiti graffiti graffiti near direction", "an artistic ship on a street that is graffiti on a wall", "an outdoor post with a stop sign, street sign and a large sign that says", "an intersection with a painted sign and street sign", "that an boat boat boat boat painted painted on on graffiti on on on sail a", "a street that has a graffiti written on it", "stop ship boat graffiti art in wooden ship boat painted rust a is boat graffiti stop", "street stop stop sea the stop sun kids graffiti sign street street the street on beach", "a car is shown parked near a pole painted with graffiti in a city", "street street street street traffic the street street signs road name dead street streets street intersection", "a street corner with graffiti on the sidewalk on the side of the street", "a boat sits on the ground next to the street sign and a name sign", "an urban style street corner with a graffiti sign in the middle", "a street corner in a neighborhood with graffiti walls", "a stop sign saying for graffiti is sign at stop sign", "street sign of fifth street road with a large boat that has been pulled over", "this art boat van boat stop on ship and old boat boat an in there wooden", "a street pole on a city street with grafizi", "street red street red painted murals sign sign on stop stop street street art street street", "and boats a boat boats wooden of boats on a street and it ship painted boats", "a surfboard stuck up and lying on the ground near the street art", "street sign, pole and a street sign", "there are street signs and a ship that is on the street", "a graffiti wall is on a corner and the sign reads the direction sign", "a sign in a mural on a street", "boat and boat is on ships boat wooden boat boat rust boat abandoned - boat wooden", "street art with graffiti on the back of a city street", "a boat that is lying in a pile", "a stop sign on a city street with graffiti written graffiti in it", "a boat on a pole with wall on the street", "street street artistic street graffiti spray street graf graffiti street a street pole and there street", "one boat on shore with graffiti on the wall", "view of street sign writing on the side of the street", "a wooden ship with a graffiti sign sitting in front of a building", "a picture of a sign on a pole near a large boat", "a boat shaped house with graffiti on a side walk", "a boat, on display at a graffiti festival", "a boat painted on the side of a street in cars", "a small river boat on a pole on a pole", "a city street street sign street stop at street stop rue place near street street under", "graffiti graffiti on a fence with graffiti written on this sign", "a sign sign sign under street street protest is graffiti graffiti street", "there is a boat on shore with a sign and the word, life save me", "a graffiti graffiti on a sticker street near a sidewalk sign", "street street boat broken st street stop the street street street stop intersection street street street", "graffiti spray on a wall that says graffiti and features the graffiti shop on the side", "a red sign that is on a wood floor", "boat abandoned and a broken wooden boat on back", "graffiti graffiti graffiti no it painted graf graffiti graffiti graffiti spray graffiti traffic a the street", "a ship on a bridge is graffiti covered in graffiti art", "graffiti in a city that says save the street", "sign on sign graffiti sign graffiti graffiti mural sign a sign rust graffiti sun fish sign", "a painting graffiti on some wall near a city street", "a pole with graffiti on it on the side of a street", "there is no image here to provide a caption", "a large sign is in a corner of a street", "a photo of a boat on a boat at a port", "a wrecked boat on a beach next to a graffiti wall", "a sign, store sign and sign on a city street", "a street sign and a boat on the street with a street sign in front", "a street art graf dooll on a wall is painted on an adjacent building", "a colorful scene has graffiti, art work and graffiti writing", "an old wooden boat is being used", "and graffiti warning drift sign boat sign sign graffiti pirate in graffiti written boats boat rock", "graffiti is painted on a wall on the side of the street", "a graffiti painting is on the wall of a building at the corner of a street", "mural stop street street street street street house garage the life graffiti street beach graffiti graffiti", "street closed and bus street a street sign sign has street street signs a painted a", "buildings with an mural behind that says graffiti, graffiti is written on the windows", "a street sign with a street name next to broadway ave"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "pens (694335)"}, {"operation": "relate", "dependencies": [0], "argument": "device,to the left of,s (694327)"}, {"operation": "relate", "dependencies": [1], "argument": "keyboard,in front of,s (694322)"}, {"operation": "exist", "dependencies": [2], "argument": "?"}], "entailed": ["166363", "166307", "166364"], "equivalent": ["166365"], "question": "Are there any keyboards in front of the device that is to the left of the pens?", "imageId": "2383418", "isBalanced": true, "groups": {"global": null, "local": "13-laptop_keyboard"}, "answer": "yes", "semanticStr": "select: pens (694335)->relate: device,to the left of,s (694327) [0]->relate: keyboard,in front of,s (694322) [1]->exist: ? [2]", "annotations": {"answer": {}, "question": {"8": "694327", "3": "694322", "16": "694335"}, "fullAnswer": {"9": "694327", "4": "694322"}}, "types": {"detailed": "existRelS", "semantic": "rel", "structural": "verify"}, "fullAnswer": "Yes, there is a keyboard in front of the laptop.", "image": "2383418.jpg", "question_id": 166365, "captions": ["a laptop open on a desk with a drink and a table", "a computer and keyboard are on the desk near a laptop", "a computer desk with laptop keyboard, wireless keyboard and a mouse", "office laptop with the laptop office on orange laptop computer ga laptop mac laptop orange laptop", "a computer keyboard a mouse a mouse a book and a keyboard", "table a an cl orange orange office desk a office orange orange orange with orange orange", "computer keyboard computer desk computer keyboard keyboard laptop keyboards black keyboards black keyboard keyboard laptop a", "laptop computer keyboard setup computer laptop work writing desk desk computer office on computer computer computer", "a computer office table with laptop computer, notebookpad, pens, pens, fountain", "a home lap top is displayed in a studio setting", "keyboard computer computer mouse keyboard keyboard keyboard keyboard a keyboard keyboard keyboard keyboard mouse keyboard photo", "a desk is shown with tools, books, and a computer", "keyboard keyboard keyboard keyboard, keyboard computer computer keyboard keyboard keyboard keyboards keyboards keyboards keys it", "a desk with a drink and a keyboard, keyboard, mouse, keyboard, mouse", "keyboard computers mouse open - computer laptop black laptop laptop work keyboard and of computer desktop", "mouse ins close - capture a apple round square office iphone eye - circular in blog", "a keyboard and a computer keyboard office desk", "sitting pen keyboard all keyboard desk works office desktop, keyboard keyboard keyboard and with keyboard", "a keyboard, computer keyboard and mouse on a brown desk", "keys computer computer keyboard keyboard keyboard a wireless sitting office keyboard computer desktop set keyboard sitting", "on computer laptop on computer laptop top laptop laptop laptop laptop orange on orange laptop laptop", "an image of a laptop, keyboard, juice orange juice, orange orange juice and", "a desk with a computer keyboard, keyboard mouse and notebooks", "a orange orange orange orange orange orange drink orange orange orange a computer computer orange orange", "laptop cl keyboard keyboard keyboard keyboard on i next laptop the laptop keyboard laptop keys a", "a computer computer with keyboard and mouse, keyboard and mouse", "a keyboard and wireless mouse, a keyboard and keyboard, and computer supplies on a", "a keyboard and a keyboard and a keyboard on a desk", "a wooden computer desk top a computer mouse and keyboard", "computer, keyboard, computer and writing supplies on a desk", "computer next laptop black, laptop open a desk,, keyboard and computer black lap", "a laptop, fountain pen, writer's block and a pen and ink pen", "a keyboard and two drinks on a table", "a laptop computer with a keyboard and mouse", "and desktop computer keyboard usb keyboard sitting a home keyboard keyboard on wired keyboard keyboard and", "a laptop keyboard and a black external mouse on laptop desk", "a keyboard and keyboard with a keyboard and a keyboard and a set of office equipment", "apple keyboard computer keyboard of a orange office orange orange bar orange cl and office pc", "mouse office desk contents a laptop office office mouse desk keyboard keyboard desk keyboard desk organized", "a keyboard, office supplies and a keyboard a keyboard and a mouse, pen and", "on orange office office blog office is computer orange orange orange and orange orange office laptop", "there office and - office of on desk desk keyboard and office has keyboard keys all", "keyboard keyboard combo keyboard wireless, keyboard keyboard laptop a keyboard keyboard black office keyboard laptop", "a desk containing a keyboard and a laptop computer on it", "keyboard computer - computer computer computer home sitting wooden desk computer keyboards laptop keyboard an computer", "computer keyboard computer a computer and keyboard laptop keyboard keyboard dell on laptop computer keyboard keyboard", "keyboard, keyboard keyboard key next the keyboard computer keyboard keyboard keyboard keyboard usb keyboard keyboard", "a desk and the camera are in a round frame", "orange orange orange juice orange table office orange keyboard, orange orange citrus orange office and", "orange orange orange laptop phone coffee and orange drink orange laptop computer on laptop and tablet", "laptop orange desk on the on office orange laptop on computer, orange office computer orange", "computer station on sitting computer next keyboard a desktop keys computer computer it on a the", "cocktail keyboard computer orange orange orange orange orange orange drink with orange orange orange orange orange", "computer set with a keyboard, keyboard, computer mouse and a orange juice, with", "laptop, keyboard, and keyboard with a wireless mouse sitting on top of it", "keyboard keyboard a desktop computer sits keyboard keyboard computer, pens computer keyboard a set keyboard", "a keyboard, a keyboard, and two key tools on a laptop", "a desk with a laptop computer some orange juice juice a drink orange orange juice juice", "there are keyboard, mouse, and keyboard pad on a desk", "an open laptop computer sitting on a desk near a mouse a mouse", "a keyboard and keyspad sitting near a computer keyboard", "computer on on computer set computer wireless computer keyboard computer sitting laptop keyboard desktop electronic a", "a computer is next to a very large laptop computer", "a breakfast and desktop with juice orange juice orange juice orange juice juice orange juice orange", "computer computer computer computer computer computer in working computer computer keyboard desk orange setup keyboard desk", "a keyboard and a computer keyboard on a desk", "a pen and computer keyboard on a desk with a laptop computer", "a wireless keyboard and mouse set with a keyboard, mouse, and an office pen", "orange fruit with orange coffee desk desk with desk all orange desk breakfast orange computer orange", "a cell phone that shows a collage of a picture of a computer", "a desk with a computer keyboard, mouse, mouse and keyboard / mouse mouse", "a computer is set off on the table with keyboard and drinks and orange juice", "laptop desk open on computer laptop computer computers computer computer computer, computer laptop keyboard a", "a desk with lap and mouse, keyboard, mouse, wireless mouse, keyboard,", "on keyboard computer keyboard computer wired cl keyboard set wireless computer computer monitor keyboard computer desk", "keyboard computer keyboard and laptop laptop computer computer computer keyboard on computer computer keyboard computer desk", "keyboard with a computer next and a a computer computer sitting computer computer table laptop computer", "a keyboard and a computer, orange coffee, orange drink and lemonade orange juice", "two electronic computers sitting on top of a wooden desk", "a keyboard a laptop and a mouse on a wooden desk", "a keyboard a keyboard two other items a black laptop a keyboard a mouse and two", "office office office pc orange orange orange orange workplace orange laptop office office orange office orange", "a black black keyboard and computer mouse and a mouse", "laptop computer laptop computer computer keyboard laptop computer on on laptop and computer office computer laptop", "computer keyboard sitting keyboard keyboard on computer and a computer computer keyboard keyboard computer keyboard keyboard", "a table filled with a keyboard, mouse, laptop, orange liquid, glass and", "keyboard computer with computer computer on desk computer the black keyboard a works computer and keyboard", "there is a computer keyboard and a black keyboard with a pen, a phone,", "computer orange orange orange orange sunrise orange orange orange desk orange orange orange orange orange orange", "desk keyboard with computer electronics orange orange computer orange orange breakfast a computer orange computer keyboard", "computer keyboard laptop laptop and laptop typing keyboard keyboard keyboard laptop - on all laptop keyboard", "a computer keyboard and a keyboard and keyboard and keyboard", "pc laptop laptop computer computer works laptop keyboard laptop laptop laptop computer laptop laptop notebook laptop", "an open laptop and mouse are on a desk next to it", "a desk with a keyboard and mouse, a keygrf and a keyboard", "laptop laptop desk laptop computer laptop computer with the keyboard laptop laptop and laptop notebook work", "computer keyboard computer keyboard keyboard computer desktop a keyboard black computer mac computer computer computer computer", "computer keyboard laptop personal a, computer lap portable - keyboard laptop keyboard laptop computer laptop", "an keyboard laptop - office on on black a keyboard laptop keyboard to keyboard desktop keyboard", "a small computer with a keyboard, book, pen, notebook, and notebook pad"]}, {"semantic": [{"operation": "select", "dependencies": [], "argument": "man (1684995)"}, {"operation": "relate", "dependencies": [0], "argument": "vehicle,driving,o (3735158)"}, {"operation": "query", "dependencies": [1], "argument": "name"}], "entailed": ["1872255", "1872252"], "equivalent": ["1872253"], "question": "What is the vehicle that the man is driving called?", "imageId": "2372273", "isBalanced": true, "groups": {"global": "vehicle", "local": "15-man_driving,o"}, "answer": "school bus", "semanticStr": "select: man (1684995)->relate: vehicle,driving,o (3735158) [0]->query: name [1]", "annotations": {"answer": {"0:2": "3735158"}, "question": {"3": "3735158", "6": "1684995"}, "fullAnswer": {"1": "3735158", "4:6": "3735158"}}, "types": {"detailed": "categoryRelO", "semantic": "rel", "structural": "query"}, "fullAnswer": "The vehicle is a school bus.", "image": "2372273.jpg", "question_id": 1872253, "captions": ["yellow school bus on a road beside the side of the highway", "a school bus is parked right beside the highway", "a bus is going on the highway", "a bus is riding along the side of the highway", "a school bus driving on the roadway of the road", "a car is on the street side of a empty road", "a bus is driving on the street in the day time", "a yellow school bus is driving down the road", "a school bus driving along the highway", "the school bus is sitting beside the field", "a bus on a road next to a truck", "a school bus that is traveling down a road", "small yellow bus on country road driving beside forest", "a yellow bus driving down the road", "a large yellow school bus on the side of a road", "school school bus on road side of freeway", "a school bus heading down the highway for school students", "one very school school school school school school school the school school school passenger school school", "a large school bus on a roadway road one way", "a yellow truck with back reflect lights on it", "a bus is traveling down the road while turning on the corner", "a school bus driving past some wooded trees", "a large bus driving down the road on the road", "an older style bus driving on the open road", "a yellow school bus driving through a wooded area", "there is a yellow school bus that is turning the corner", "a school bus stopping for the red stoplight", "the road is empty with just driving vehicles on it", "a parked school bus on a highway and traffic on the roadway", "school bus bus parked on roadway road near highway", "a very cute bus traveling on the highway", "the school bus driving down the highway on the corner", "front view of a yellow school bus on a city street", "school school school school yellow school school school yellow school school school school school school school", "a yellow school bus riding on highway with no passengers", "a yellow school bus with no driver on is driving along the route", "a long school bus is stopped at a stop", "a yellow yellow school house that is in the road", "a yellow school bus traveling down a highway", "a street bus is stopped at the roadside", "a school bus with it's license is driving down the street", "the yellow school bus has a yellow numbers on its front", "a school bus driving through the woods of a country", "a picture of a school bus in the day", "a school bus sits on the side run road", "a yellow school bus is moving on the open road", "a large school bus on the street driving down the road", "a school buses on a curve on the road", "a school bus is driving along the street", "a school bus and driver riding down the road", "yellow the school small truck a a the a bus a a a a there a", "a person driving a bus on a road", "a picture of a yellow school bus drives on the freeway", "a yellow school bus parked on the side of a street", "double school bus with the headlights red", "yellow school bus driving on the road", "the yellow school bus is parked on the side of the road", "a school bus traveling down a street, behind another vehicle", "big school bus driving down side a highway", "a yellow school bus on the road passing each other", "a school bus on a road riding down the street", "school school school school schools school school school school school all school school school school school", "a truck driving down a highway next to a forest", "a yellow school bus is on the street and drives down the road", "a yellow school bus is driving on a highway", "a yellow school bus has stopped at the bus stop", "a bus with the back lights on driving down the road", "a school bus stopped on the side of the interstate highway", "a school bus travelling down the highway in the country", "a school bus on a highway driving near a red cross sign", "the young girl is sitting wearing a black skirt", "a school bus traveling down a highway near roadside", "a yellow school bus driving down street under a bright yellow truck", "a large and yellow commuter bus driving down a road", "a school bus sits stopped in the street and the side lane of the road", "an image of a yellow school bus parked on the side of the road", "a school bus driving down the street", "school stop school stop school school stop red s schools sr stop school student school school", "yellow school bus driving down a highway next to trees", "a bus in yellow on the roadside looking at camera", "a very yellow school bus is parked in a lot", "this is a close shot of a yellow bus stopping", "a yellow school bus traveling down the street", "a school bus that has stopped on a highway", "school school school yellow the a a a a photo tire a this a this school", "a school bus that is driving down a road", "a yellow bus driving down a street next to a light", "a big yellow truck stopped at a lot of traffic", "a school bus traveling on a highway", "a yellow school bus parked in front of some tall buildings", "a big large school bus is driving down the street", "a large yellow school bus driving on a road", "a public school bus and one is yellow", "a bus driving down a roadway beside a guard post", "a yellow bus driving down the road past other vehicles", "the empty school bus is driving down the small roadway", "a yellow school bus on a highway in the mountains", "the yellow school bus is driving down the highway", "a large bus drives down a road on a road", "a black and white image of a bright yellow school bus"]}] \ No newline at end of file diff --git a/gqa_preamble_simple.py b/gqa_preamble_simple.py new file mode 100644 index 0000000..c7b0803 --- /dev/null +++ b/gqa_preamble_simple.py @@ -0,0 +1,19 @@ +"""Write Python code to answer the questions about each image.""" +# Global constants +# min x coordinate +LEFT = 0 +# min y coordinate +BOTTOM = 0 +# max x coordinate +RIGHT = 24 +# max y coordinate +TOP = 24 +from PIL import Image +from utils import open_image, query, get_pos + +""" +API Reference: +open_image(path: str) -> Image - opens the image at the path and returns it as an Image object +query(img: Image, question: str) -> str - queries the image returns an answer to the question +get_pos(img: Image, object: str) -> (float, float) - returns the position of the object in the image +""" diff --git a/gqa_programs_and_questions_nocomments3b.json b/gqa_programs_and_questions_nocomments3b.json new file mode 100644 index 0000000..b63d3db --- /dev/null +++ b/gqa_programs_and_questions_nocomments3b.json @@ -0,0 +1 @@ +{"14199179": {"program": "answer = query(img, \"Which type of clothing is not white?\")", "question": "Which type of clothing is not white?"}, "10956934": {"program": "answer = query(img, \"What animal is in front of the tree?\")", "question": "What animal is in front of the tree?"}, "2763807": {"program": "fan_color = query(img, \"What color is the fan?\")\nanswer = query(img, \"What type of appliance is \"+fan_color)", "question": "What type of appliance has the same color as the fan?"}, "10419734": {"program": "girl_pos_x, girl_pos_y = get_pos(img, \"girl\")\nwhite_chair_pos_x, white_chair_pos_y = get_pos(img, \"white chair\")\nif white_chair_pos_x < girl_pos_x:\n answer = \"left\"\nelse:\n answer = \"right\"", "question": "Is the white chair to the right or to the left of the girl that is wearing a shirt?"}, "15594542": {"program": "bag_exists = query(img, \"Is there a bag?\")\nanswer = \"no\"\nif bag_exists == \"yes\":\n garbage_bin_pos_x, garbage_bin_pos_y = get_pos(img, \"garbage bin\")\n bag_pos_x, bag_pos_y = get_pos(img, \"bag\")\n if garbage_bin_pos_x > bag_pos_x:\n answer = \"yes\"", "question": "Is the garbage bin to the right of a bag?"}, "12797924": {"program": "answer = query(img, \"What is the name of the pink article of clothing?\")", "question": "What is the name of the pink article of clothing?"}, "14433986": {"program": "answer = query(img, \"Which kind of appliance is to the left of the bottle?\")", "question": "Which kind of appliance is to the left of the bottle?"}, "12301208": {"program": "answer = query(img, \"What is on the motorbike?\")", "question": "What is on the motorbike?"}, "15802315": {"program": "is_tall = query(img, \"Is the standing giraffe tall?\")\nis_brown = query(img, \"Is the standing giraffe brown?\")\nif is_tall == \"yes\" and is_brown == \"yes\":\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Is the giraffe that is standing tall and brown?"}, "943692": {"program": "answer = query(img, \"What animal is leaving the water?\")", "question": "What animal is leaving the water?"}, "1063809": {"program": "answer = query(img, \"Who is in front of the bench that the bottle is to the right of?\")", "question": "Who is in front of the bench that the bottle is to the right of?"}, "10830891": {"program": "answer = query(img, \"Do the animals have the same species?\")", "question": "Do the animals have the same species?"}, "1734640": {"program": "answer = query(img, \"What is the candle on?\")", "question": "What is the candle on?"}, "4662590": {"program": "answer = query(img, \"Is the girl to the left of the tennis racket wearing a coat?\")", "question": "Is the girl to the left of the tennis racket wearing a coat?"}, "5244007": {"program": "answer = query(img, \"What is the animal that is inside the bag?\")", "question": "What is the animal that is inside the bag?"}, "4745123": {"program": "skateboard_pos_x, skateboard_pos_y = get_pos(img, \"skateboard\")\nif skateboard_pos_x < (LEFT+RIGHT)/2:\n answer = \"left\"\nelse:\n answer = \"right\"", "question": "On which side of the picture is the skateboard?"}, "15506285": {"program": "answer = query(img, \"Who is holding the camera?\")", "question": "Who is holding the camera?"}, "12927943": {"program": "answer = query(img, \"Do you see any statues near the boy in front of the pole?\")", "question": "Do you see any statues near the boy in front of the pole?"}, "9842755": {"program": "is_silver = query(img, \"Does the bench look silver?\")\nis_metallic = query(img, \"Does the bench look metallic?\")\nif is_silver == \"yes\" and is_metallic == \"yes\":\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Does the bench look silver and metallic?"}, "12241876": {"program": "answer = query(img, \"Which kind of furniture is made of wood, the chair or the desk?\")", "question": "Which kind of furniture is made of wood, the chair or the desk?"}, "14623401": {"program": "answer = query(img, \"What is the gray animal leaning on?\")", "question": "What is the gray animal leaning on?"}, "11652967": {"program": "answer = query(img, \"What do you think are the flowers in front of?\")", "question": "What do you think are the flowers in front of?"}, "171036825": {"program": "answer = query(img, \"Who is drinking the wine?\")", "question": "Who is drinking the wine?"}, "9211111": {"program": "answer = query(img, \"Which kind of furniture is the girl lying on?\")", "question": "Which kind of furniture is the girl lying on?"}, "1162307": {"program": "answer = query(img, \"Who wears a shirt?\")", "question": "Who wears a shirt?"}, "13534236": {"program": "answer = query(img, \"Which place is it?\")", "question": "Which place is it?"}, "1536201": {"program": "answer = query(img, \"What is on the wall that looks blue?\")", "question": "What is on the wall that looks blue?"}, "12214327": {"program": "answer = query(img, \"What's in front of the mountains?\")", "question": "What's in front of the mountains?"}, "10612003": {"program": "answer = query(img, \"Which kind of animal is it?\")", "question": "Which kind of animal is it?"}, "7660022": {"program": "answer = query(img, \"What color is the dish of the food?\")", "question": "What color is the dish of the food?"}, "11281645": {"program": "answer = query(img, \"Is there a horse in the tall grass?\")", "question": "Is there a horse in the tall grass?"}, "12262825": {"program": "rug_pos_x, rug_pos_y = get_pos(img, \"rug\")\nif rug_pos_x < (LEFT+RIGHT)/2:\n answer = \"left\"\nelse:\n answer = \"right\"", "question": "On which side of the picture is the rug?"}, "7702895": {"program": "answer = query(img, \"What kind of toy is to the right of the baby animal?\")", "question": "What kind of toy is to the right of the baby animal?"}, "19903394": {"program": "answer = query(img, \"Are there kids in the picture?\")", "question": "Are there kids in the picture?"}, "11645335": {"program": "giraffes_exist = query(img, \"Are there any giraffes?\")\nzebras_exist = query(img, \"Are there any zebras?\")\nif giraffes_exist == \"yes\" or zebras_exist == \"yes\":\n answer = \"yes\"\nelse:\n answer = \"no\"", "question": "Are there either any giraffes or zebras in this picture?"}, "15981437": {"program": "bird_pos_x, bird_pos_y = get_pos(img, \"large bird\")\nif bird_pos_y < (BOTTOM+TOP)/2:\n answer = \"bottom\"\nelse:\n answer = \"top\"", "question": "In which part of the picture is the large bird, the bottom or the top?"}, "5791382": {"program": "answer = query(img, \"What is the woman that is standing wearing?\")", "question": "What is the woman that is standing wearing?"}, "17718224": {"program": "lettuce_pos_x, lettuce_pos_y = get_pos(img, \"lettuce\")\nsmall_food_pos_x, small_food_pos_y = get_pos(img, \"small food\")\nif lettuce_pos_x < small_food_pos_x:\n answer = \"left\"\nelse:\n answer = \"right\"", "question": "Is the lettuce to the right or to the left of the small food?"}, "17914622": {"program": "answer = query(img, \"Is it an outdoors scene?\")", "question": "Is it an outdoors scene?"}, "5635646": {"program": "answer = query(img, \"What is the plate on?\")", "question": "What is the plate on?"}, "13267130": {"program": "answer = query(img, \"Does the woman wear a hat?\")", "question": "Does the woman wear a hat?"}, "1181747": {"program": "answer = query(img, \"What animal is leaning on the grass?\")", "question": "What animal is leaning on the grass?"}, "11966658": {"program": "answer = query(img, \"What type of furniture is the tissue box on?\")", "question": "What type of furniture is the tissue box on?"}, "14475110": {"program": "answer = query(img, \"Do you see pizzas next to the plate that is on the table?\")", "question": "Do you see pizzas next to the plate that is on the table?"}, "2554156": {"program": "answer = query(img, \"Who is holding the racket?\")", "question": "Who is holding the racket?"}, "17112911": {"program": "answer = query(img, \"Do you see any meat on the cooked food?\")", "question": "Do you see any meat on the cooked food?"}, "71014038": {"program": "answer = query(img, \"What is the graffiti on?\")", "question": "What is the graffiti on?"}, "166365": {"program": "answer = query(img, \"Are there any keyboards in front of the device that is to the left of the pens?\")", "question": "Are there any keyboards in front of the device that is to the left of the pens?"}, "1872253": {"program": "answer = query(img, \"What is the vehicle that the man is driving called?\")", "question": "What is the vehicle that the man is driving called?"}, "15843084": {"program": "answer = query(img, \"What is inside the train?\")", "question": "What is inside the train?"}} \ No newline at end of file diff --git a/lavis/configs/datasets/covr/nlvr2_incontext50.yaml b/lavis/configs/datasets/covr/nlvr2_incontext50.yaml new file mode 100644 index 0000000..55bfad7 --- /dev/null +++ b/lavis/configs/datasets/covr/nlvr2_incontext50.yaml @@ -0,0 +1,30 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +datasets: + covr: + # data_dir: ${env.data_dir}/datasets + data_type: images # [images|videos|features] + + build_info: + # Be careful not to append minus sign (-) before split to avoid itemizing + annotations: + train: + url: + - /shared/sanjayss/nlvr2/incontext50.json + storage: + - nlvr2/annotations/incontext50.json + val: + url: + - /shared/sanjayss/nlvr2/incontext50.json + storage: + - nlvr2/annotations/incontext50.json + test: + url: + - /shared/sanjayss/nlvr2/incontext50.json + storage: + - nlvr2/annotations/incontext50.json + images: + storage: nlvr2/images/ diff --git a/lavis/configs/datasets/covr/nlvr2_test.yaml b/lavis/configs/datasets/covr/nlvr2_test.yaml new file mode 100644 index 0000000..ca6ec62 --- /dev/null +++ b/lavis/configs/datasets/covr/nlvr2_test.yaml @@ -0,0 +1,30 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +datasets: + covr: + # data_dir: ${env.data_dir}/datasets + data_type: images # [images|videos|features] + + build_info: + # Be careful not to append minus sign (-) before split to avoid itemizing + annotations: + train: + url: + - /shared/sanjayss/nlvr2/incontext50.json + storage: + - nlvr2/annotations/incontext50.json + val: + url: + - /shared/sanjayss/nlvr2/test1.json + storage: + - nlvr2/annotations/test1.json + test: + url: + - /shared/sanjayss/nlvr2/test1.json + storage: + - nlvr2/annotations/test1.json + images: + storage: nlvr2/images/ diff --git a/lavis/configs/datasets/covr/nlvr2_train2000.yaml b/lavis/configs/datasets/covr/nlvr2_train2000.yaml new file mode 100644 index 0000000..992c5d5 --- /dev/null +++ b/lavis/configs/datasets/covr/nlvr2_train2000.yaml @@ -0,0 +1,30 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +datasets: + covr: + # data_dir: ${env.data_dir}/datasets + data_type: images # [images|videos|features] + + build_info: + # Be careful not to append minus sign (-) before split to avoid itemizing + annotations: + train: + url: + - /shared/sanjayss/nlvr2/incontext50.json + storage: + - nlvr2/annotations/incontext50.json + val: + url: + - /shared/sanjayss/nlvr2/train_sample2000.json + storage: + - nlvr2/annotations/train_sample2000.json + test: + url: + - /shared/sanjayss/nlvr2/train_sample2000.json + storage: + - nlvr2/annotations/train_sample2000.json + images: + storage: nlvr2/images/ diff --git a/lavis/configs/datasets/covr/sample1000.yaml b/lavis/configs/datasets/covr/sample1000.yaml new file mode 100644 index 0000000..119132e --- /dev/null +++ b/lavis/configs/datasets/covr/sample1000.yaml @@ -0,0 +1,30 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +datasets: + covr: + # data_dir: ${env.data_dir}/datasets + data_type: images # [images|videos|features] + + build_info: + # Be careful not to append minus sign (-) before split to avoid itemizing + annotations: + train: + url: + - /shared/sanjayss/covr/train_sample100.json + storage: + - covr/annotations/incontext100.json + val: + url: + - /shared/sanjayss/covr/val_sample1000.json + storage: + - covr/annotations/val_sample1000.json + test: + url: + - /shared/sanjayss/covr/val_sample1000.json + storage: + - covr/annotations/val_sample1000.json + images: + storage: covr/images/ diff --git a/lavis/configs/datasets/covr/test.yaml b/lavis/configs/datasets/covr/test.yaml new file mode 100644 index 0000000..23e5ae9 --- /dev/null +++ b/lavis/configs/datasets/covr/test.yaml @@ -0,0 +1,30 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +datasets: + covr: + # data_dir: ${env.data_dir}/datasets + data_type: images # [images|videos|features] + + build_info: + # Be careful not to append minus sign (-) before split to avoid itemizing + annotations: + train: + url: + - /shared/sanjayss/covr/train_sample100.json + storage: + - covr/annotations/incontext100.json + val: + url: + - /shared/sanjayss/covr/test.json + storage: + - covr/annotations/test.json + testdev: + url: + - /shared/sanjayss/covr/test.json + storage: + - covr/annotations/test.json + images: + storage: covr/images/ diff --git a/lavis/configs/datasets/covr/test_paraphrased.yaml b/lavis/configs/datasets/covr/test_paraphrased.yaml new file mode 100644 index 0000000..1e7355e --- /dev/null +++ b/lavis/configs/datasets/covr/test_paraphrased.yaml @@ -0,0 +1,30 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +datasets: + covr: + # data_dir: ${env.data_dir}/datasets + data_type: images # [images|videos|features] + + build_info: + # Be careful not to append minus sign (-) before split to avoid itemizing + annotations: + train: + url: + - /shared/sanjayss/covr/train_sample100.json + storage: + - covr/annotations/incontext100.json + val: + url: + - /shared/sanjayss/covr/test_paraphrased.json + storage: + - covr/annotations/test_paraphrased.json + test_paraphraseddev: + url: + - /shared/sanjayss/covr/test_paraphrased.json + storage: + - covr/annotations/test_paraphrased.json + images: + storage: covr/images/ diff --git a/lavis/configs/datasets/covr/testdev.yaml b/lavis/configs/datasets/covr/testdev.yaml new file mode 100644 index 0000000..abd91ea --- /dev/null +++ b/lavis/configs/datasets/covr/testdev.yaml @@ -0,0 +1,30 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +datasets: + covr: + # data_dir: ${env.data_dir}/datasets + data_type: images # [images|videos|features] + + build_info: + # Be careful not to append minus sign (-) before split to avoid itemizing + annotations: + train: + url: + - /shared/sanjayss/covr/train_sample100.json + storage: + - covr/annotations/incontext100.json + val: + url: + - /shared/sanjayss/covr/testdev.json + storage: + - covr/annotations/testdev.json + testdev: + url: + - /shared/sanjayss/covr/testdev.json + storage: + - covr/annotations/testdev.json + images: + storage: covr/images/ diff --git a/lavis/configs/datasets/covr/testdev_paraphrased.yaml b/lavis/configs/datasets/covr/testdev_paraphrased.yaml new file mode 100644 index 0000000..561443b --- /dev/null +++ b/lavis/configs/datasets/covr/testdev_paraphrased.yaml @@ -0,0 +1,30 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +datasets: + covr: + # data_dir: ${env.data_dir}/datasets + data_type: images # [images|videos|features] + + build_info: + # Be careful not to append minus sign (-) before split to avoid itemizing + annotations: + train: + url: + - /shared/sanjayss/covr/train_sample100.json + storage: + - covr/annotations/incontext100.json + val: + url: + - /shared/sanjayss/covr/testdev_paraphrased.json + storage: + - covr/annotations/testdev_paraphrased.json + testdev: + url: + - /shared/sanjayss/covr/testdev_paraphrased.json + storage: + - covr/annotations/testdev_paraphrased.json + images: + storage: covr/images/ diff --git a/lavis/configs/datasets/gqa/sample200.yaml b/lavis/configs/datasets/gqa/sample200.yaml new file mode 100644 index 0000000..99c7bb3 --- /dev/null +++ b/lavis/configs/datasets/gqa/sample200.yaml @@ -0,0 +1,33 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +datasets: + gqa: + # data_dir: ${env.data_dir}/datasets + data_type: images # [images|videos|features] + + build_info: + # Be careful not to append minus sign (-) before split to avoid itemizing + annotations: + train: + url: + # - https://storage.googleapis.com/sfr-vision-language-research/LAVIS/datasets/gqa/train_balanced_questions.json + - /shared/sanjayss/gqa/train_balanced_questions_shuffled.json + storage: + - gqa/annotations/train_balanced_questions.json + val: + url: + # - https://storage.googleapis.com/sfr-vision-language-research/LAVIS/datasets/gqa/val_balanced_questions.json + - /shared/sanjayss/gqa/train_balanced_questions_sample200.json + storage: + - gqa/annotations/train_balanced_questions_sample200.json + test: + url: + # - https://storage.googleapis.com/sfr-vision-language-research/LAVIS/datasets/gqa/test_balanced_questions.json + - /shared/sanjayss/gqa/val_balanced_questions_shuffled.json + storage: + - gqa/annotations/val_balanced_questions.json + images: + storage: gqa/images/ diff --git a/lavis/configs/datasets/gqa/sample2000.yaml b/lavis/configs/datasets/gqa/sample2000.yaml new file mode 100644 index 0000000..3e5184c --- /dev/null +++ b/lavis/configs/datasets/gqa/sample2000.yaml @@ -0,0 +1,33 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +datasets: + gqa: + # data_dir: ${env.data_dir}/datasets + data_type: images # [images|videos|features] + + build_info: + # Be careful not to append minus sign (-) before split to avoid itemizing + annotations: + train: + url: + # - https://storage.googleapis.com/sfr-vision-language-research/LAVIS/datasets/gqa/train_balanced_questions.json + - /shared/sanjayss/gqa/train_balanced_questions_shuffled.json + storage: + - gqa/annotations/train_balanced_questions.json + val: + url: + # - https://storage.googleapis.com/sfr-vision-language-research/LAVIS/datasets/gqa/val_balanced_questions.json + - /shared/sanjayss/gqa/val_balanced_questions_sample2000.json + storage: + - gqa/annotations/val_balanced_questions_sample2000.json + test: + url: + # - https://storage.googleapis.com/sfr-vision-language-research/LAVIS/datasets/gqa/test_balanced_questions.json + - /shared/sanjayss/gqa/val_balanced_questions_shuffled.json + storage: + - gqa/annotations/val_balanced_questions.json + images: + storage: gqa/images/ diff --git a/lavis/configs/default.yaml b/lavis/configs/default.yaml index f58d32e..3a46db1 100644 --- a/lavis/configs/default.yaml +++ b/lavis/configs/default.yaml @@ -5,6 +5,6 @@ env: # For default users - # cache_root: "cache" + cache_root: "cache" # For internal use with persistent storage - cache_root: "/export/home/.cache/lavis" + # cache_root: "/export/home/.cache/lavis" diff --git a/lavis/configs/models/pnp-vqa/pnp_vqa_gpt3.yaml b/lavis/configs/models/pnp-vqa/pnp_vqa_gpt3.yaml new file mode 100644 index 0000000..39f5b46 --- /dev/null +++ b/lavis/configs/models/pnp-vqa/pnp_vqa_gpt3.yaml @@ -0,0 +1,63 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +model: + arch: pnp_vqa + + image_question_matching_model: + arch: blip_image_text_matching + load_finetuned: True + + finetuned: "https://storage.googleapis.com/sfr-vision-language-research/BLIP/models/model_large_retrieval_coco_train2014.pth" + + # vit encoder + vit_type: "large" + vit_grad_ckpt: False + vit_ckpt_layer: 0 + + image_size: 384 + + # bert config + med_config_path: "configs/models/med_large_config.json" + + embed_dim: 256 + + image_captioning_model: + arch: blip_caption + load_finetuned: True + + + finetuned: "https://storage.googleapis.com/sfr-vision-language-research/BLIP/models/model_large_caption_coco_train2014.pth" + + vit_type: "large" + vit_grad_ckpt: True + vit_ckpt_layer: 5 + + image_size: 384 + + # bert config + med_config_path: "configs/models/med_large_config.json" + + # generation configs + prompt: "a picture of " + + question_answering_model: + arch: gpt_qa + + model_name: "code-davinci-002" + + num_tries: 4 + + captions_per_image: 7 + + temperature: 0 +preprocess: + vis_processor: + eval: + name: "blip_image_eval" + image_size: 384 + text_processor: + eval: + name: "blip_caption" diff --git a/lavis/datasets/builders/vqa_builder.py b/lavis/datasets/builders/vqa_builder.py index c08a6d1..c403dd8 100644 --- a/lavis/datasets/builders/vqa_builder.py +++ b/lavis/datasets/builders/vqa_builder.py @@ -8,25 +8,50 @@ from lavis.datasets.builders.base_dataset_builder import BaseDatasetBuilder from lavis.common.registry import registry +from lavis.datasets.datasets.base_dataset import BaseDataset from lavis.datasets.datasets.aok_vqa_datasets import AOKVQADataset, AOKVQAEvalDataset from lavis.datasets.datasets.coco_vqa_datasets import COCOVQADataset, COCOVQAEvalDataset from lavis.datasets.datasets.vg_vqa_datasets import VGVQADataset from lavis.datasets.datasets.gqa_datasets import GQADataset, GQAEvalDataset +from lavis.datasets.datasets.covr_datasets import COVRDataset, COVREvalDataset +class VQABuilder(BaseDatasetBuilder): + train_dataset_cls = BaseDataset + eval_dataset_cls = BaseDataset + + def build(self): + datasets = super().build() + + for split in datasets: + shuffle = self.config.get("shuffle", False) + if shuffle: + datasets[split].shuffle() + start = self.config.get("start", None) + if start is not None: + datasets[split].annotation = datasets[split].annotation[start:] + limit = self.config.get("limit", None) + if limit is not None: + datasets[split].annotation = datasets[split].annotation[:limit] + return datasets @registry.register_builder("coco_vqa") -class COCOVQABuilder(BaseDatasetBuilder): +class COCOVQABuilder(VQABuilder): train_dataset_cls = COCOVQADataset + #eval_dataset_cls = COCOVQADataset eval_dataset_cls = COCOVQAEvalDataset DATASET_CONFIG_DICT = { "default": "configs/datasets/coco/defaults_vqa.yaml", "eval": "configs/datasets/coco/eval_vqa.yaml", + "train100": "configs/datasets/coco/eval_vqa_train100.yaml", + "train200": "configs/datasets/coco/eval_vqa_train200.yaml", + "train2000": "configs/datasets/coco/eval_vqa_train2000.yaml", + "val4000": "configs/datasets/coco/eval_vqa_val4000.yaml" } @registry.register_builder("vg_vqa") -class VGVQABuilder(BaseDatasetBuilder): +class VGVQABuilder(COCOVQABuilder): train_dataset_cls = VGVQADataset DATASET_CONFIG_DICT = {"default": "configs/datasets/vg/defaults_vqa.yaml"} @@ -35,11 +60,13 @@ class VGVQABuilder(BaseDatasetBuilder): class OKVQABuilder(COCOVQABuilder): DATASET_CONFIG_DICT = { "default": "configs/datasets/okvqa/defaults.yaml", + "sample200": "configs/datasets/okvqa/sample200.yaml", + "sample1000": "configs/datasets/okvqa/sample1000.yaml", + "train100": "configs/datasets/okvqa/train100.yaml" } - @registry.register_builder("aok_vqa") -class AOKVQABuilder(BaseDatasetBuilder): +class AOKVQABuilder(VQABuilder): train_dataset_cls = AOKVQADataset eval_dataset_cls = AOKVQAEvalDataset @@ -47,12 +74,39 @@ class AOKVQABuilder(BaseDatasetBuilder): @registry.register_builder("gqa") -class GQABuilder(BaseDatasetBuilder): +class GQABuilder(VQABuilder): + def build(self): + datasets = super().build() + if self.config.get("shuffle", False): + for split in datasets: + datasets[split].shuffle() + return datasets train_dataset_cls = GQADataset eval_dataset_cls = GQAEvalDataset DATASET_CONFIG_DICT = { "default": "configs/datasets/gqa/defaults.yaml", "balanced_val": "configs/datasets/gqa/balanced_val.yaml", + "sample200": "configs/datasets/gqa/sample200.yaml", + "train100": "configs/datasets/gqa/train100.yaml", "balanced_testdev": "configs/datasets/gqa/balanced_testdev.yaml", - } \ No newline at end of file + "sample2000": "configs/datasets/gqa/sample2000.yaml", + } + +@registry.register_builder("covr") +class COVRBuilder(VQABuilder): + train_dataset_cls = COVRDataset + eval_dataset_cls = COVREvalDataset + + DATASET_CONFIG_DICT = { + "train100": "configs/datasets/covr/train100.yaml", + "sample200": "configs/datasets/covr/sample200.yaml", + "sample1000": "configs/datasets/covr/sample1000.yaml", + "val": "configs/datasets/covr/val.yaml", + "val_paraphrased": "configs/datasets/covr/val_paraphrased.yaml", + "test": "configs/datasets/covr/test.yaml", + "test_paraphrased": "configs/datasets/covr/test_paraphrased.yaml", + "nlvr2_incontext50": "configs/datasets/covr/nlvr2_incontext50.yaml", + "nlvr2_train2000": "configs/datasets/covr/nlvr2_train2000.yaml", + "nlvr2_test": "configs/datasets/covr/nlvr2_test.yaml" + } diff --git a/lavis/datasets/datasets/covr_datasets.py b/lavis/datasets/datasets/covr_datasets.py new file mode 100644 index 0000000..3a3cab7 --- /dev/null +++ b/lavis/datasets/datasets/covr_datasets.py @@ -0,0 +1,133 @@ +""" + Copyright (c) 2022, salesforce.com, inc. + All rights reserved. + SPDX-License-Identifier: BSD-3-Clause + For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause +""" + +import os +import json +import random + +from PIL import Image +import torch + +from lavis.datasets.datasets.vqa_datasets import VQADataset, VQAEvalDataset +from lavis.datasets.datasets.gqa_datasets import __DisplMixin + +from collections import OrderedDict + +class COVRDataset(VQADataset, __DisplMixin): + def __init__(self, vis_processor, text_processor, vis_root, ann_paths): + super().__init__(vis_processor, text_processor, vis_root, ann_paths) + + def shuffle(self): + random.shuffle(self.annotation) + + def __getitem__(self, index): + ann = self.annotation[index] + + images = [] + for scene_id in ann["scenes"]: + if scene_id.isnumeric(): + image_path = os.path.join(self.vis_root, "VG_100K", scene_id+".jpg") + if not os.path.exists(image_path): + image_path = os.path.join(self.vis_root, "VG_100K_2", scene_id+".jpg") + elif scene_id.count('-') == 3: + # NLVR2 + image_path = os.path.join(self.vis_root, scene_id+".png") + else: + image_path = os.path.join(self.vis_root, "of500_images", scene_id.split("_")[0], scene_id+".jpg") + image = Image.open(image_path).convert("RGB") + images.append(self.vis_processor(image)) + + images = torch.stack(images) + question = self.text_processor(ann["question"]) + + if isinstance(ann["answer"], bool) and ann["answer"] == True: + ann["answer"] = "yes" + elif isinstance(ann["answer"], bool) and ann["answer"] == False: + ann["answer"] = "no" + answers = [str(ann["answer"])] + weights = [1] + + return { + "images": images, + "text_input": question, + "answers": answers, + "weights": weights, + } + + +class COVREvalDataset(VQAEvalDataset, __DisplMixin): + def __init__(self, vis_processor, text_processor, vis_root, ann_paths): + """ + vis_root (string): Root directory of images (e.g. gqa/images/) + ann_root (string): directory to store the annotation file + """ + + self.vis_root = vis_root + + print(ann_paths) + self.annotation = json.load(open(ann_paths[0])) + + ## TODO: support inference method == 'ranking' + answer_list_path = ann_paths[1] if len(ann_paths) > 1 else '' + if os.path.exists(answer_list_path): + self.answer_list = json.load(open(answer_list_path)) + else: + self.answer_list = None + + self.vis_processor = vis_processor + self.text_processor = text_processor + + self._add_instance_ids() + print('DATASET LENGTH', len(self)) + + def shuffle(self): + random.shuffle(self.annotation) + + def __getitem__(self, index): + ann = self.annotation[index] + + images = [] + image_paths = [] + for scene_id in ann["scenes"]: + if scene_id.isnumeric(): + image_path = os.path.join(self.vis_root, "VG_100K", scene_id+".jpg") + if not os.path.exists(image_path): + image_path = os.path.join(self.vis_root, "VG_100K_2", scene_id+".jpg") + elif scene_id.count('-') == 3: + # NLVR2 + image_path = os.path.join(self.vis_root, scene_id+".png") + else: + image_path = os.path.join(self.vis_root, "of500_images", scene_id.split("_")[0], scene_id+".jpg") + image = Image.open(image_path).convert("RGB") + images.append(self.vis_processor(image)) + image_paths.append(image_path) + + images = torch.stack(images) + question = self.text_processor(ann["question"]) + if question[-1] != "?": + question = "Is it true that "+question.lower()+"?" + + if "answer" in ann: + # answer is a string + if isinstance(ann["answer"], bool) and ann["answer"] == True: + ann["answer"] = "yes" + elif isinstance(ann["answer"], bool) and ann["answer"] == False: + ann["answer"] = "no" + answer = str(ann["answer"]) + else: + answer = None + + image_paths = "|||".join(image_paths) + return { + "images": images, + "image_paths": image_paths, + "text_input": question, + "answer": answer, + "question_id": ann["question_id"], + "instance_id": ann["instance_id"], + "num_images": images.size(0) + } diff --git a/lavis/models/pnp_vqa_models/gpt_qa.py b/lavis/models/pnp_vqa_models/gpt_qa.py new file mode 100644 index 0000000..bfa8b84 --- /dev/null +++ b/lavis/models/pnp_vqa_models/gpt_qa.py @@ -0,0 +1,235 @@ +import time +import json +import openai +from lavis.common.registry import registry +from lavis.models.base_model import BaseModel + +def gpt(input_text, model_name, stop_sequences=None, max_length=50, wait_time=0.5, temperature=0.0, logit_bias={}): + try: + print(input_text) + response = openai.Completion.create( + engine=model_name, + prompt=input_text, + temperature=temperature, + max_tokens=max_length, + top_p=1, + frequency_penalty=0, + presence_penalty=0, + stop=stop_sequences, + logit_bias=logit_bias, + ) + output = response["choices"][0]["text"].strip() + except (openai.error.RateLimitError, openai.error.ServiceUnavailableError, openai.error.APIError, openai.error.APIConnectionError, openai.error.Timeout, openai.error.InvalidRequestError) as e: + print('RATE LIMIT ERROR') + wait_time *= 2 + wait_time = min(wait_time, 5) + time.sleep(wait_time) + return gpt(input_text, model_name, stop_sequences, max_length, wait_time) + return output + + +@registry.register_model("gpt_qa") +class GPTQA(BaseModel): + PRETRAINED_MODEL_CONFIG_DICT = {} + + def __init__( + self, + model_name, + num_tries, + examples_path=None, + captions_per_image=None, + temperature=0.0, + context_separator=" ", + left_right_images=False, + ): + super().__init__() + self.model_name = model_name + self.num_tries = num_tries + self.captions_per_image = captions_per_image + # PICa prompt + self.prompt = ( + "Please answer the question according to the above context.\n===\n" + ) + self.answer_prefix = None + self.stop_sequences = ["\n", "\r"] + self.temperature = temperature + self.context_separator = context_separator + self.prompt += "Context:" + self.context_separator + "|||1\n===\nQ: |||2\nA:" + self.left_right_images = left_right_images + + def construct_prompt(self, examples): + prompt = "Please answer the question according to the above context.\n===\n" + if "subquestions" in examples[0] or "long_answer" in examples[0]: + prompt = "Please answer the question according to the above context by reasoning step by step.\n===\n" + for ex in examples: + captions = ex["captions"] + if isinstance(captions[0], list): + self.context_separator = "\n" + prompt += "Context:" + self.context_separator + for i in range(len(captions)): + captions_i = captions[i] + if self.captions_per_image is not None: + captions_i = captions_i[: self.captions_per_image] + prompt += ( + "Image " + + str(i + 1) + + ": " + + " ".join( + [cap[0].upper() + cap[1:] + "." for cap in captions_i] + ) + + "\n" + ) + prompt += ( + "===\nQ: " + + ex["question"][0].upper() + + ex["question"][1:].lower() + + "\n" + ) + prompt += "A: " + ex["answer"] + "\n\n===\n" + else: + if self.captions_per_image is not None: + captions = captions[: self.captions_per_image] + prompt += ( + "Context:" + + self.context_separator + + " ".join([cap[0].upper() + cap[1:] + "." for cap in captions]) + + "\n===\n" + + "Q: " + + ex["question"][0].upper() + + ex["question"][1:] + + "\n" + ) + if "subquestions" in ex: + prompt += "Are subquestions needed here: " + if len(ex["subquestions"]) > 0: + prompt += "yes" + else: + prompt += "no" + prompt += "\n" + for subquestion in ex["subquestions"]: + prompt += ( + "Subquestion: " + + subquestion["question"][0].upper() + + subquestion["question"][1:] + + "\n" + ) + prompt += "Intermediate Answer: " + subquestion["answer"] + "\n" + if "long_answer" in ex: + prompt += "A: " + ex["long_answer"] + "\n\n===\n" + elif "subquestions" in ex: + prompt += "One-word final answer: " + ex["answer"] + "\n\n===\n" + else: + prompt += "A: " + ex["answer"] + "\n\n===\n" + if "subquestions" in examples[0]: + prompt += ( + "Context:" + + self.context_separator + + "|||1\nQ: |||2\nAre subquestions needed here:" + ) + prompt = self.prompt.replace("===\n", "") + # self.answer_prefix = "So the final answer is:" + # self.answer_prefix = "A:" + self.answer_prefix = "One-word final answer:" + self.stop_sequences = ["\n\n", "\r\r", "\n\r", "\r\n"] + elif "long_answer" in examples[0]: + # self.answer_prefix = "So the final answer is:" + prompt += ( + "Context:" + + self.context_separator + + "|||1\nQ: |||2\nA: Let's think step by step." + ) + self.answer_prefix = "Final one word answer:" + self.stop_sequences = ["\n\n", "\r\r", "\n\r", "\r\n"] + else: + # self.prompt += "Context: |||1\n===\nQ: |||2\nA:" + prompt += "Context:" + self.context_separator + "|||1\n===\nQ: |||2\nA:" + return prompt + + def generate(self, question, captions, prompt=None, max_length=20): + captions_to_use = captions + if isinstance(captions[0], list): + evidence = "" + for i in range(len(captions)): + captions_to_use = captions[i] + if self.captions_per_image is not None: + captions_to_use = captions_to_use[: self.captions_per_image] + evidence += ( + "Image " + + str(i + 1) + + ": " + + " ".join( + [ + cap[0].upper() + cap[1:].lower() + "." + if cap[-1] != "." + else cap[0].upper() + cap[1:].lower() + for cap in captions_to_use + ] + ) + + "\n" + ) + evidence = evidence[:-1] + else: + if self.captions_per_image is not None: + captions_to_use = captions[: self.captions_per_image] + evidence = " ".join( + [ + cap[0].upper() + cap[1:].lower() + "." + if cap[-1] != "." + else cap[0].upper() + cap[1:] + for cap in captions_to_use + ] + ) + # input_text = "Answer the question about the picture based on the captions.\nCaptions:\n"+evidence+"\nQuestion: "+question+"\nAnswer (1 or 2 words):" + if prompt is None: + prompt = self.prompt + input_text = prompt.replace("|||1", evidence).replace( + "|||2", question[0].upper() + question[1:] + ) + if self.left_right_images: + input_text = input_text.replace("Image 1:", "Left image:").replace("Image 2:", "Right image:") + output = "" + num_tries = 0 + while len(output) == 0 and num_tries < self.num_tries: + if num_tries > 0: + print("EMPTY OUTPUT", num_tries) + output = gpt( + input_text, + model_name=self.model_name, + stop_sequences=self.stop_sequences, + max_length=max_length, + temperature=self.temperature, + ) + num_tries += 1 + print(output) + if self.answer_prefix is not None and self.answer_prefix not in output: + input_text += " " + output + "\n" + self.answer_prefix + output = gpt( + input_text, + model_name=self.model_name, + stop_sequences=self.stop_sequences, + max_length=max_length, + temperature=self.temperature, + ) + elif self.answer_prefix is not None: + input_text += " " + output + output = output.split(self.answer_prefix)[1].strip() + """if self.answer_prefix is not None and self.answer_prefix in output: + return output.split(self.answer_prefix)[1].strip(), input_text+" "+output""" + return output, input_text + " " + output + + @classmethod + def from_config(cls, cfg): + model_name = cfg.get("model_name") + num_tries = cfg.get("num_tries", 1) + examples_path = cfg.get("examples_path", None) + captions_per_image = cfg.get("captions_per_image", None) + temperature = cfg.get("temperature", 0.0) + context_separator = cfg.get("context_separator", " ") + return cls( + model_name, + num_tries, + examples_path, + captions_per_image, + temperature, + context_separator, + ) diff --git a/lavis/models/pnp_vqa_models/pnp_vqa.py b/lavis/models/pnp_vqa_models/pnp_vqa.py index 59b9d88..d3821ee 100644 --- a/lavis/models/pnp_vqa_models/pnp_vqa.py +++ b/lavis/models/pnp_vqa_models/pnp_vqa.py @@ -7,6 +7,7 @@ import torch import torch.nn as nn +import torch.nn.functional as F from itertools import chain from lavis.common.registry import registry from lavis.models.base_model import BaseModel @@ -14,7 +15,32 @@ from transformers import T5ForConditionalGeneration from lavis.models.pnp_vqa_models import prepare_qa_input from lavis.models.blip_models.blip_image_text_matching import compute_gradcam -from transformers.modeling_outputs import CausalLMOutputWithCrossAttentions +from lavis.models import BlipVQA +from lavis.models.pnp_vqa_models.gpt_qa import gpt +from lavis.models.pnp_vqa_models.utils import anonymize_ast, collect_functions +from lavis.processors.blip_processors import BlipQuestionProcessor + +import os +import json +from contextlib import nullcontext +import numpy as np +import time +from copy import deepcopy +from sentence_transformers import SentenceTransformer +from transformers import AutoModel, AutoTokenizer, AutoProcessor +from collections import defaultdict, namedtuple +import ast +from copy import deepcopy +import random +from PIL import Image + +import groundingdino.datasets.transforms as T +from groundingdino.models import build_model +from groundingdino.util import box_ops +from groundingdino.util.slconfig import SLConfig +from groundingdino.util.utils import clean_state_dict, get_phrases_from_posmap + +from typing import List @registry.register_model("pnp_vqa") @@ -37,21 +63,306 @@ class PNPVQA(BaseModel): >>> model = load_model("pnp_vqa", "3b", is_eval=True) """ - PRETRAINED_MODEL_CONFIG_DICT = {"base": "configs/models/pnp-vqa/pnp_vqa_base.yaml", - "large": "configs/models/pnp-vqa/pnp_vqa_large.yaml", - "3b": "configs/models/pnp-vqa/pnp_vqa_3b.yaml", - } + PRETRAINED_MODEL_CONFIG_DICT = { + "base": "configs/models/pnp-vqa/pnp_vqa_base.yaml", + "large": "configs/models/pnp-vqa/pnp_vqa_large.yaml", + "3b": "configs/models/pnp-vqa/pnp_vqa_3b.yaml", + "gpt3": "configs/models/pnp-vqa/pnp_vqa_gpt3.yaml", + } - def __init__(self, image_question_matching_model, image_captioning_model, - question_answering_model, offload_model=False): + def __init__( + self, + image_question_matching_model, + image_captioning_model, + question_answering_model, + simple_use_question_answering_model=False, + image_selector_model=None, + offload_model=False, + subquestions=None, + amp=False, + vis_processor=None, + examples=None, + caption_full_image=False, + captions_per_image=None, + image_set=False, + subquestion_example_selection=False, + left_right_images=False, + grounding_dino_path=None, + ): super().__init__() self.image_question_matching_model = image_question_matching_model self.image_captioning_model = image_captioning_model self.question_answering_model = question_answering_model + self.simple_use_question_answering_model = simple_use_question_answering_model + self.vis_processor = vis_processor self.offload_model = offload_model + self.subquestions_model_name = None + self.subquestion_example_selection = subquestion_example_selection + self.amp = amp + self.caption_full_image = caption_full_image + if grounding_dino_path: + grounding_dino_config_path = os.path.join(grounding_dino_path, "config.py") + grounding_dino_checkpoint_path = os.path.join(grounding_dino_path, "checkpoint.pth") + grounding_dino_args = SLConfig.fromfile(grounding_dino_config_path) + grounding_dino_args.device = self.image_question_matching_model.device + self.grounding_dino_model = build_model(grounding_dino_args) + checkpoint = torch.load(grounding_dino_checkpoint_path, map_location="cpu") + load_res = self.grounding_dino_model.load_state_dict(clean_state_dict(checkpoint["model"]), strict=False) + print(load_res) + self.grounding_dino_model.eval() + self.grounding_dino_box_threshold = 0.3 + self.subquestions_template = None + + self.separate_visual_examples = False + self.image_set = image_set + if subquestions is not None: + if subquestions["model_name"] != "none": + self.subquestions_model_name = subquestions["model_name"] + if "template" in subquestions and subquestions["template"] != "none": + self.subquestions_template = subquestions[ + "template" + ] + + assert "prompt_path" in subquestions + assert examples is not None + with open(subquestions["prompt_path"]) as f: + self.prompt = "".join(f.readlines()).strip() + self.separate_visual_examples = True if "separate_visual_examples" in subquestions and subquestions["separate_visual_examples"] else False + if hasattr(subquestions, "num_examples"): + self.num_program_examples = subquestions.num_examples + keys = None + if examples["example_selection"] != "custom": + assert "programs_path" in subquestions + with open(subquestions["programs_path"]) as f: + program_dict = json.load(f) + program_dict = {int(key): program_dict[key] for key in program_dict} + self.program_dict = program_dict + if "random" in examples["example_selection"]: + keys = random.sample( + list(program_dict.keys()), examples["num_examples"] + ) + if "embedding" not in examples["example_selection"]: + i = 1 + if image_set: + for key in keys: + self.prompt += ( + "\n# Image Set " + + str(i) + + ": " + + program_dict[key]["question"] + + '\nimages = open_images("ImageSet' + + str(i) + + '")\n' + + program_dict[key]["program"] + ) + i += 1 + self.prompt += "\n# Image Set " + str(i) + ": " + else: + for key in keys: + self.prompt += ( + "\n# Image " + + str(i) + + ": " + + program_dict[key]["question"] + + '\nimg = open_image("Image' + + str(i) + + '.jpg")\n' + + program_dict[key]["program"] + ) + i += 1 + self.prompt += "\n# Image " + str(i) + ": " + else: + self.prompt += " " + self.prompt_type = subquestions["prompt_path"].split(".")[-1] + if "knowledge" in subquestions: + with open(subquestions["knowledge"]["examples_path"]) as f: + self.knowledge_examples = json.load(f) + self.knowledge_examples = {int(key): self.knowledge_examples[key] for key in self.knowledge_examples} + if not isinstance(list(self.knowledge_examples.values())[0], list): + self.knowledge_examples = {key: [self.knowledge_examples[key]] for key in self.knowledge_examples} + self.knowledge_prompt = ( + "Answer each question.\n===\n" + ) + if keys is None: + keys = list(self.program_dict.keys()) + for key in self.knowledge_examples: + if key in keys: + for ex in self.knowledge_examples[key]: + self.knowledge_prompt += "Q: " + ex["question"] + "\n" + self.knowledge_prompt += "A: " + ex["answer"] + "\n===\n" + self.knowledge_prompt += "Q: |||\nA:" + self.knowledge_model_name = subquestions["knowledge"]["model_name"] + if examples is not None: + with open(examples["captions_path"]) as f: + captions = json.load(f) + + self.captions_dict = {datum["question_id"]: datum for datum in captions} + if subquestions is not None: + self.captions_dict = {key: self.captions_dict[key] for key in program_dict} + self.example_selection = examples["example_selection"] + self.num_examples = examples["num_examples"] + if "examples_path" in examples: + with open(examples["examples_path"]) as f: + self.visual_examples = json.load(f) + self.visual_examples = {datum["question_id"]: datum for datum in self.visual_examples} + if subquestions is None or examples["example_selection"] == "custom": + if "random" in examples["example_selection"]: + keys = random.sample( + list(self.captions_dict.keys()), examples["num_examples"] + ) + elif examples["example_selection"] == "custom": + with open(examples["examples_path"]) as f: + examples_info = json.load(f) + keys = [ex["question_id"] for ex in examples_info] + if "embedding" in examples["example_selection"]: + self.embedding_selection_model = SentenceTransformer( + "all-mpnet-base-v2" + ) + self.embedding_selection_model.eval() + self.embedding_selection_model = self.embedding_selection_model.to( + self.image_question_matching_model.device + ) + keys = list(self.captions_dict.keys()) + self.example_questions = [ + self.captions_dict[key]["question"] for key in keys + ] + if examples["example_selection"] == "embedding": + self.example_embeddings = self.embedding_selection_model.encode( + self.example_questions, convert_to_tensor=True + ) + else: + example_tokens = self.embedding_selection_tokenizer(self.example_questions, padding=True, truncation=True, return_tensors="pt").to(self.image_question_matching_model.device) + with torch.no_grad(): + self.example_embeddings = self.embedding_selection_model(**example_tokens).pooler_output + if subquestions is not None: + self.example_programs = [ + program_dict[key]["program"] for key in keys + ] + self.example_captions = [self.captions_dict[key] for key in keys] + elif not hasattr(self.question_answering_model, "tokenizer") and not self.simple_use_question_answering_model: + self.qa_prompt = self.question_answering_model.construct_prompt( + [self.captions_dict[key] for key in keys if key in self.captions_dict] + ) + if examples["example_selection"] == "custom": + examples = [self.captions_dict[key] for key in keys] + for ex, ex_other in zip(examples, examples_info): + assert ex['question_id'] == ex_other['question_id'] + ex['question'] = ex_other['question'] + ex['answer'] = ex_other['answer'] + self.qa_prompt2 = self.question_answering_model.construct_prompt( + examples + ) + if captions_per_image is not None: + self.question_answering_model.captions_per_image = captions_per_image + if left_right_images: + self.question_answering_model.left_right_images = left_right_images + + def construct_prompts(self, questions, num_examples, keys_list=None): + if "embedding" in self.example_selection: + if self.example_selection == "embedding": + question_embeddings = self.embedding_selection_model.encode( + questions, convert_to_tensor=True + ) + else: + question_tokens = self.embedding_selection_tokenizer(questions, padding=True, truncation=True, return_tensors="pt").to(self.embedding_selection_model.device) + with torch.no_grad(): + question_embeddings = self.embedding_selection_model(**question_tokens).pooler_output + question_example_scores = question_embeddings @ self.example_embeddings.t().to( + question_embeddings.device + ) + example_indices = question_example_scores.argsort(dim=1, descending=True) + # example_indices = example_indices[:,:num_examples].fliplr() + input_texts = [] + qa_prompts = [] + if keys_list is None: + keys_list = [] + for i in range(len(questions)): + if "embedding" in self.example_selection: + if len(keys_list) > i: + keys = keys_list[i] + indices = [[j for j in range(len(self.example_captions)) if self.example_captions[j]["question_id"] == key][0] for key in keys] + else: + keys = [self.example_captions[example_indices[i,j].item()]["question_id"] for j in range(num_examples)] + indices = [example_indices[i,j].item() for j in range(num_examples)] + if hasattr(self, "example_programs"): + input_text = ( + self.prompt + + "\n" + + "\n".join( + [ + ("# Image " if not self.image_set else "# Image Set ") + + str(j + 1) + + ": " + + self.example_questions[ind][ + 0 + ].upper() + + self.example_questions[ind][ + 1: + ].lower() + + ('\nimg = open_image("Image' if not self.image_set else '\nimages = open_images("ImageSet') + + str(j + 1) + + '.jpg")\n' + + self.example_programs[ind] + for j, ind in enumerate(indices) + ] + ) + ) + input_text += ( + ("\n# Image " if not self.image_set else "\n# Image Set ") + + str(num_examples + 1) + + ": " + + questions[i][0].upper() + + questions[i][1:].lower() + ) + input_texts.append(input_text) + elif self.example_selection == "random-each": + keys = random.sample(self.program_dict.keys(), num_examples) + input_text = ( + self.prompt.split("\n# Image 1")[0] + + "\n" + + "\n".join( + [ + ("# Image " if not self.image_set else "# Image Set ") + + str(j + 1) + + ": " + + self.program_dict[key]['question'][0].upper() + + self.program_dict[key]['question'][1:].lower() + + ('\nimg = open_image("Image' if not self.image_set else '\nimages = open_images("ImageSet') + + str(j+1) + + '.jpg")\n' + + self.program_dict[key]['program'] + for j, key in enumerate(keys) + ] + ) + ) + input_text += ( + ("\n# Image " if not self.image_set else "\n# Image Set ") + + str(num_examples + 1) + + ": " + + questions[i][0].upper() + + questions[i][1:].lower() + ) + keys_list.append(keys) + input_texts.append(input_text) + if "embedding" in self.example_selection: + if hasattr(self.question_answering_model, "construct_prompt"): + qa_prompts.append( + self.question_answering_model.construct_prompt( + [ + self.example_captions[j] + for j in indices + ] + ) + ) + else: + qa_prompts.append("") + keys_list.append( + keys + ) + return input_texts, qa_prompts, keys_list - def forward_itm(self, samples, block_num=7): + def forward_itm(self, samples, block_num=7, token_index=1): """ Args: samples (dict): A dictionary containing the following keys: @@ -65,32 +376,51 @@ def forward_itm(self, samples, block_num=7): - text_input (list): A list of strings of length batch_size - gradcams (torch.Tensor): A tensor of shape (batch_size, H*W) """ - image = samples['image'] - question = [text.strip('?') for text in samples['text_input']] - tokenized_text = self.image_question_matching_model.tokenizer(question, padding='longest', truncation=True, - return_tensors="pt").to(self.image_question_matching_model.device) + # print('itm', samples['image'].shape) + image = samples["image"] + question = [text.strip("?") for text in samples["text_input"]] + tokenized_text = self.image_question_matching_model.tokenizer( + question, + padding="longest", + truncation=True, + max_length=self.image_question_matching_model.max_txt_len, + return_tensors="pt", + ).to(self.image_question_matching_model.device) with torch.set_grad_enabled(True): - gradcams, _ = compute_gradcam(model=self.image_question_matching_model, - visual_input=image, - text_input=question, - tokenized_text=tokenized_text, - block_num=block_num) - - gradcams = [gradcam_[1] for gradcam_ in gradcams] - samples['gradcams'] = torch.stack(gradcams).reshape(samples['image'].size(0), -1) + gradcams, _ = compute_gradcam( + model=self.image_question_matching_model, + visual_input=image, + text_input=question, + tokenized_text=tokenized_text, + block_num=block_num, + ) + gradcams = [gradcam_[token_index] for gradcam_ in gradcams] + samples["gradcams"] = torch.stack(gradcams).view(samples["image"].size(0), -1) + dim = int(np.sqrt(samples["gradcams"].shape[1])) + samples["gradcams"] = samples["gradcams"].view(-1, dim, dim) + if "region" in samples: + region = samples["region"] + for i, box in enumerate(region): + samples["gradcams"][i, :, : box[0]] = 0 + samples["gradcams"][i, : box[1], :] = 0 + samples["gradcams"][i, :, box[2] :] = 0 + samples["gradcams"][i, box[3] :, :] = 0 + samples["gradcams"] = samples["gradcams"].reshape( + samples["image"].size(0), -1 + ) return samples def forward_cap( - self, - samples, - cap_max_length=20, - cap_min_length=0, - top_p=1, - top_k=50, - repetition_penalty=1.0, - num_captions=100, - num_patches=20, + self, + samples, + cap_max_length=20, + cap_min_length=0, + top_p=1, + top_k=50, + repetition_penalty=1.0, + num_captions=100, + num_patches=20, ): """ Args: @@ -113,32 +443,58 @@ def forward_cap( - gradcams (torch.Tensor): A tensor of shape (batch_size, H*W) - captions (nested list): A nested list of strings of total length batch_size * num_captions """ + # print('cap', samples['image'].shape) encoder_out = self.image_captioning_model.forward_encoder(samples) captions = [[] for _ in range(encoder_out.size(0))] + gen_prompts = [[] for _ in range(encoder_out.size(0))] min_num_captions = 0 while min_num_captions < num_captions: encoder_out_samples = [] for i in range(num_captions): - patch_id = torch.multinomial(samples['gradcams'].to(self.image_captioning_model.device), - num_patches).reshape(encoder_out.size(0), -1) + 1 - patch_id = patch_id.sort(dim=1).values.unsqueeze(-1).expand(-1, -1, encoder_out.size(2)) + if self.caption_full_image: + patch_id = ( + torch.arange(samples["gradcams"].shape[1]) + .unsqueeze(0) + .repeat(encoder_out.size(0), 1) + .to(encoder_out.device) + + 1 + ) + else: + patch_id = ( + torch.multinomial( + samples["gradcams"].to(self.image_captioning_model.device), + num_patches, + ).reshape(encoder_out.size(0), -1) + + 1 + ) + patch_id = ( + patch_id.sort(dim=1) + .values.unsqueeze(-1) + .expand(-1, -1, encoder_out.size(2)) + ) encoder_out_sample = torch.gather(encoder_out, 1, patch_id) encoder_out_samples.append(encoder_out_sample) stacked = torch.stack(encoder_out_samples, dim=1) - image_embeds = torch.flatten(stacked, start_dim=0, end_dim=1) #(bsz*num_seq, num_patch, dim) + image_embeds = torch.flatten( + stacked, start_dim=0, end_dim=1 + ) # (bsz*num_seq, num_patch, dim) - image_atts = torch.ones(image_embeds.size()[:-1], dtype=torch.long).to(self.image_captioning_model.device) + image_atts = torch.ones(image_embeds.size()[:-1], dtype=torch.long).to( + self.image_captioning_model.device + ) model_kwargs = { "encoder_hidden_states": image_embeds, "encoder_attention_mask": image_atts, } prompt = [self.image_captioning_model.prompt] * image_embeds.size(0) - prompt = self.image_captioning_model.tokenizer(prompt, - return_tensors="pt").to(self.image_captioning_model.device) + + prompt = self.image_captioning_model.tokenizer( + prompt, return_tensors="pt" + ).to(self.image_captioning_model.device) prompt.input_ids[:, 0] = self.image_captioning_model.tokenizer.bos_token_id prompt.input_ids = prompt.input_ids[:, :-1] @@ -153,33 +509,37 @@ def forward_cap( eos_token_id=self.image_captioning_model.tokenizer.sep_token_id, pad_token_id=self.image_captioning_model.tokenizer.pad_token_id, repetition_penalty=repetition_penalty, - **model_kwargs) + **model_kwargs + ) - outputs = self.image_captioning_model.tokenizer.batch_decode(decoder_out, skip_special_tokens=True) + outputs = self.image_captioning_model.tokenizer.batch_decode( + decoder_out, skip_special_tokens=True + ) for counter, output in enumerate(outputs): - ind = counter//num_captions + ind = counter // num_captions if len(captions[ind]) < num_captions: - caption = output[len(self.image_captioning_model.prompt):] + caption = output[len(self.image_captioning_model.prompt) :] overlap_caption = [1 for caps in captions[ind] if caption in caps] if len(overlap_caption) == 0: captions[ind].append(caption) min_num_captions = min([len(i) for i in captions]) - samples['captions'] = captions - + samples["captions"] = captions return samples def forward_qa( - self, - samples, - num_beams=1, - max_len=20, - min_len=0, - internal_bsz_fid=1, - num_captions=100, - num_captions_fid=1, + self, + samples, + num_beams=1, + max_len=20, + min_len=0, + internal_bsz_fid=1, + num_captions=100, + num_captions_fid=1, + subquestion=False, + keys_list=None, ): """ Args: @@ -199,37 +559,120 @@ def forward_qa( Returns: List: A list of strings, each string is an answer. """ - prepare_qa_input(samples, num_captions=num_captions, num_captions_fid=num_captions_fid) - + # print('qa', samples['image'].shape) + if isinstance(self.question_answering_model, BlipVQA): + return self.question_answering_model.predict_answers( + samples, max_len=max_len, min_len=min_len, inference_method="generate" + ) pred_answers = [] - question_captions = samples['question_captions'] - question_captions_chunk = [question_captions[i:i + internal_bsz_fid] - for i in range(0, len(question_captions), internal_bsz_fid)] - question_captions_chunk = list(chain(*question_captions_chunk)) - - for question_caption in question_captions_chunk: - question_caption_input = self.question_answering_model.tokenizer(question_caption, padding='longest', - truncation=True, return_tensors="pt").to(self.question_answering_model.device) - - question_caption_input.input_ids = question_caption_input.input_ids.reshape( - internal_bsz_fid, -1, question_caption_input.input_ids.size(1)) - question_caption_input.attention_mask = question_caption_input.attention_mask.reshape( - internal_bsz_fid, -1, question_caption_input.attention_mask.size(1)) - - outputs = self.question_answering_model.generate(input_ids=question_caption_input.input_ids, - attention_mask=question_caption_input.attention_mask, - num_beams=num_beams, - min_length=min_len, - max_length=max_len, - ) - - for output in outputs: - pred_answer = self.question_answering_model.tokenizer.decode(output, skip_special_tokens=True) - pred_answers.append(pred_answer) + if hasattr(self.question_answering_model, "tokenizer"): + prepare_qa_input( + samples, num_captions=num_captions, num_captions_fid=num_captions_fid + ) + + question_captions = samples["question_captions"] + question_captions_chunk = [ + question_captions[i : i + internal_bsz_fid] + for i in range(0, len(question_captions), internal_bsz_fid) + ] + question_captions_chunk = list(chain(*question_captions_chunk)) + else: + question_captions_chunk = samples["captions"] + + if hasattr(self, "captions_dict"): + examples_dict = self.captions_dict + if self.separate_visual_examples and subquestion: + examples_dict = self.visual_examples + if hasattr(self, "example_embeddings"): + if keys_list is None: + _, qa_prompts, _ = self.construct_prompts(samples["text_input"], num_examples=self.num_examples) + else: + keys_list = [keys if len(keys) == self.num_examples else self.construct_prompts(samples["text_input"][i:i+1], num_examples=self.num_examples)[2][0] for i, keys in enumerate(keys_list)] + keys = [[key for key in keys if key in examples_dict] for keys in keys_list] + qa_prompts = [ + self.question_answering_model.construct_prompt( + [ + examples_dict[key] + for key in keys_list[index] + ] + ) + for index in range(len(samples["text_input"])) + ] + elif ( + hasattr(self, "example_selection") + and self.example_selection == "random-each" + ): + all_keys = list(examples_dict.keys()) + if keys_list is None: + keys_list = [random.sample(all_keys, self.num_examples) for _ in samples["text_input"]] + keys_list = [keys if len(keys) == self.num_examples else random.sample(all_keys, self.num_examples) for keys in keys_list] + keys = [[key for key in keys if key in examples_dict] for keys in keys_list] + qa_prompts = [ + self.question_answering_model.construct_prompt( + [ + examples_dict[key] + for key in keys_list[index] + ] + ) + for index in range(len(samples["text_input"])) + ] + elif hasattr(self, "qa_prompt"): + qa_prompts = [self.qa_prompt for _ in samples["text_input"]] + else: + qa_prompts = ["" for _ in samples["text_input"]] + + index = 0 + for question_caption, question, captions, qa_prompt in zip( + question_captions_chunk, + samples["text_input"], + samples["captions"], + qa_prompts, + ): + if hasattr(self.question_answering_model, "tokenizer"): + question_caption_input = self.question_answering_model.tokenizer( + question_caption, + padding="longest", + truncation=True, + return_tensors="pt", + ).to(self.question_answering_model.device) + + question_caption_input.input_ids = ( + question_caption_input.input_ids.reshape( + internal_bsz_fid, -1, question_caption_input.input_ids.size(1) + ) + ) + question_caption_input.attention_mask = ( + question_caption_input.attention_mask.reshape( + internal_bsz_fid, + -1, + question_caption_input.attention_mask.size(1), + ) + ) + + outputs = self.question_answering_model.generate( + input_ids=question_caption_input.input_ids, + attention_mask=question_caption_input.attention_mask, + num_beams=num_beams, + min_length=min_len, + max_length=max_len, + ) + for output in outputs: + pred_answer = self.question_answering_model.tokenizer.decode( + output, skip_special_tokens=True + ) + pred_answers.append(pred_answer) + else: + answer, full_answer = self.question_answering_model.generate( + question, captions, qa_prompt + ) + pred_answers.append(answer) + if full_answer is not None: + samples["captions"][index].append(full_answer) + index += 1 return pred_answers - def predict_answers( + def simple_predict_answers( self, samples, num_beams=1, @@ -238,6 +681,7 @@ def predict_answers( min_len=0, internal_bsz_fid=1, num_captions=50, + num_captions_qa=50, num_captions_fid=1, cap_max_length=20, cap_min_length=10, @@ -246,6 +690,8 @@ def predict_answers( repetition_penalty=1, num_patches=50, block_num=7, + subquestion=False, + keys_list=None, ): """ Args: @@ -273,55 +719,461 @@ def predict_answers( gradcams (torch.Tensor): A tensor of shape (batch_size, H*W) captions (nested list): A nested list of strings of total length batch_size * num_captions """ + assert inference_method in [ "generate", - ], "Inference method must be 'generate', got {}.".format( - inference_method - ) + ], "Inference method must be 'generate', got {}.".format(inference_method) if isinstance(samples["text_input"], str): samples["text_input"] = [samples["text_input"]] - assert len(samples["text_input"]) == samples["image"].size( - 0 + if "image" in samples: + visual_batch_size = samples["image"].size(0) + elif "images" in samples: + visual_batch_size = samples["images"].size(0) + assert ( + len(samples["text_input"]) == visual_batch_size ), "The number of questions must be equal to the batch size." - samples = self.forward_itm(samples, block_num=block_num) + if self.offload_model: + self.question_answering_model.to("cpu") + + if self.simple_use_question_answering_model: + answers = [] + for i in range(visual_batch_size): + qa_samples = {"prompt": "Question: " + samples["text_input"][i] + " Answer:", "image": samples["image"][i].unsqueeze(0).to(device=self.question_answering_model.device)} + # qa_samples = {"image": samples["image"][i].unsqueeze(0).to(device=self.question_answering_model.device)} + answers.append(self.question_answering_model.generate(qa_samples)[0]) + return answers, [None]*len(answers), [None]*len(answers) + + if "image" in samples: + samples = self.forward_itm(samples, block_num=block_num) - samples = self.forward_cap(samples, - cap_max_length=cap_max_length, - cap_min_length=cap_min_length, - top_k=top_k, - top_p=top_p, - repetition_penalty=repetition_penalty, - num_captions=num_captions, - num_patches=num_patches) + samples = self.forward_cap( + samples, + cap_max_length=cap_max_length, + cap_min_length=cap_min_length, + top_k=top_k, + top_p=top_p, + repetition_penalty=repetition_penalty, + num_captions=num_captions, + num_patches=num_patches, + ) + elif "video" in samples: + samples = self.forward_frames(samples) + samples = self.forward_video_cap( + samples, + cap_max_length=cap_max_length, + cap_min_length=cap_min_length, + top_k=top_k, + top_p=top_p, + repetition_penalty=repetition_penalty, + num_captions=num_captions, + num_patches=num_patches, + block_num=block_num, + ) + elif "images" in samples: + samples["captions"] = {} + for i in range(samples["images"].size(1)): + samples_i = deepcopy(samples) + samples_i["image"] = samples["images"][:, i, :, :, :] + samples_i = self.forward_itm(samples_i, block_num=block_num) + samples_i = self.forward_cap( + samples_i, + cap_max_length=cap_max_length, + cap_min_length=cap_min_length, + top_k=top_k, + top_p=top_p, + repetition_penalty=repetition_penalty, + num_captions=num_captions, + num_patches=num_patches, + ) + samples["captions"][i] = samples_i["captions"] + combined_captions = [[""] for _ in range(visual_batch_size)] + separate_captions = [[] for _ in range(visual_batch_size)] + for i in samples["captions"]: + for j in range(visual_batch_size): + if samples["num_images"][j].item() > i: + combined_captions[j][0] += ( + "\nImage " + + str(i + 1) + + ": " + + ". ".join(samples["captions"][i][j]) + ) + separate_captions[j].append(samples["captions"][i][j]) + combined_captions = [[caption[0].strip()] for caption in combined_captions] + if hasattr(self.question_answering_model, "tokenizer"): + samples["captions"] = combined_captions + else: + samples["captions"] = separate_captions + samples["image"] = samples["images"][:, 0] + samples["gradcams"] = samples_i["gradcams"] if self.offload_model: - samples['image'] = samples['image'].to('cpu') - self.image_question_matching_model.to('cpu') - self.image_captioning_model.to('cpu') + self.image_question_matching_model.to("cpu") + self.image_captioning_model.to("cpu") + self.question_answering_model.to(samples["image"].device) + if self.offload_model: + samples["image"] = samples["image"].to("cpu") torch.cuda.empty_cache() - pred_answers = self.forward_qa(samples, - num_beams=num_beams, - max_len=max_len, - min_len=min_len, - internal_bsz_fid=internal_bsz_fid, - num_captions=num_captions, - num_captions_fid=num_captions_fid) + pred_answers = self.forward_qa( + samples, + num_beams=num_beams, + max_len=max_len, + min_len=min_len, + internal_bsz_fid=internal_bsz_fid, + num_captions=num_captions_qa, + num_captions_fid=num_captions_fid, + subquestion=subquestion, + keys_list=keys_list, + ) if self.offload_model: self.image_question_matching_model.to(self.question_answering_model.device) self.image_captioning_model.to(self.question_answering_model.device) + if "images" in samples: + samples["captions"] = separate_captions + + return pred_answers, samples["captions"], samples["gradcams"] + + def argmax_text_location(self, samples, token_index): + if isinstance(token_index, int): + token_index = [token_index] + gradcams = [] + dim = 24 + for t in token_index: + samples_w_gradcam = self.forward_itm(samples=samples, token_index=t) + gradcam = samples_w_gradcam["gradcams"].reshape(dim, dim) + gradcams.append(gradcam) + gradcam = torch.stack(gradcams).mean(0) + argmax_index = gradcam.argmax().item() + yloc = argmax_index // gradcam.shape[1] + xloc = argmax_index % gradcam.shape[1] + return (xloc, dim - yloc), gradcam + + def get_image_portion(self, raw_image, x0, y0, x1, y1): + dim = 24 + y0 = int((dim - y0) * raw_image.height / dim) + y1 = int((dim - y1) * raw_image.height / dim) + x0 = int(x0 * raw_image.width / dim) + x1 = int(x1 * raw_image.width / dim) + mask = Image.new("L", raw_image.size, 0) + draw = ImageDraw.Draw(mask) + draw.rectangle([(x0, y0), (x1, y1)], fill=255) + blurred = raw_image.filter(ImageFilter.GaussianBlur(52)) + blurred.paste(raw_image, mask=mask) + return blurred + + def predict_answers( + self, + samples, + num_beams=1, + inference_method="generate", + max_len=20, + min_len=0, + internal_bsz_fid=1, + num_captions=50, + num_captions_qa=50, + num_captions_fid=1, + cap_max_length=20, + cap_min_length=10, + top_k=50, + top_p=1, + repetition_penalty=1, + num_patches=50, + block_num=7, + ): + with torch.cuda.amp.autocast() if self.amp else nullcontext(): + if self.subquestions_model_name is None: + return self.simple_predict_answers( + samples, + num_beams, + inference_method, + max_len, + min_len, + internal_bsz_fid, + num_captions, + num_captions_qa, + num_captions_fid, + cap_max_length, + cap_min_length, + top_k, + top_p, + repetition_penalty, + num_patches, + block_num, + ) + pred_answers = [] + pred_captions = [] + pred_gradcams = [] + txt_processor = BlipQuestionProcessor() + input_texts = None + keys_list = None + error_count = 0 + if hasattr(self, "example_embeddings") or "-each" in self.example_selection: + if hasattr(self, "num_program_examples"): + num_examples = self.num_program_examples + else: + num_examples = self.num_examples + input_texts, _, keys_list = self.construct_prompts(samples["text_input"], num_examples=num_examples) + for index in range(len(samples["text_input"])): + def simple_answer(q_text, region=None, interval=None, subquestion=False, pass_keys=True): + q_samples = {"text_input": [txt_processor(q_text)]} + if "image" in samples: + q_samples["image"] = samples["image"][index : index + 1] + elif "images" in samples: + q_samples["images"] = samples["images"][index : index + 1] + q_samples["num_images"] = samples["num_images"][ + index : index + 1 + ] + if region is not None: + assert "image" in q_samples + region = [region[0], 24 - region[3], region[2], 24 - region[1]] + q_samples["region"] = [region] + return self.simple_predict_answers( + q_samples, + num_beams, + inference_method, + max_len, + min_len, + internal_bsz_fid, + num_captions, + num_captions_qa, + num_captions_fid, + cap_max_length, + cap_min_length, + top_k, + top_p, + repetition_penalty, + num_patches, + block_num, + subquestion, + keys_list[index:index+1] if (keys_list is not None and (pass_keys or not self.subquestion_example_selection)) else None + ) + + assert self.prompt_type == "py" + if input_texts is not None: + input_text = input_texts[index] + else: + input_text = ( + self.prompt.strip() + + " " + + samples["text_input"][index][0].upper() + + samples["text_input"][index][1:].lower() + ) + print(samples.keys()) + instance_captions = [] + instance_gradcams = [] + + visual_subquestion = {"value": False} + + raw_image = None + if "image_path" in samples: + raw_image = Image.open(samples["image_path"][index]).convert("RGB") + if "image_paths" in samples: + samples["image_paths"][index] = samples["image_paths"][index].split("|||") + + class Box(namedtuple('Box', 'min_x min_y max_x max_y')): + pass + + def knowledge_query(q): + knowledge_prompt = self.knowledge_prompt + if "-each" in self.example_selection or "embedding" == self.example_selection: + knowledge_prompt = self.knowledge_prompt.split('\n')[0]+"\n===\n" + for key in self.knowledge_examples.keys(): + if key in keys_list[index]: + for ex in self.knowledge_examples[key]: + knowledge_prompt += "Q: " + ex["question"] + "\n" + knowledge_prompt += "A: " + ex["answer"] + "\n===\n" + knowledge_prompt += "Q: |||\nA:" + answer = gpt( + knowledge_prompt.replace("|||", q), + model_name=self.knowledge_model_name, + stop_sequences=["\n", "\r"], + temperature=0, + max_length=10, + logit_bias={1906: -100, 7200: -100, 284: -100, 532: -100, 12: -100, 11: -100, 14: -100}, + ).lower() + instance_captions.append( + knowledge_prompt.replace("|||", q) + " " + answer + ) + print(answer) + return answer + + def visual_query(img, q): + if isinstance(img, int): + samples["image"] = samples["images"][index, img : img + 1] + print("visual subquestion", visual_subquestion["value"]) + ans, caps, gcams = simple_answer(q, subquestion=visual_subquestion["value"], pass_keys=("embedding" not in self.example_selection)) + if isinstance(img, int): + instance_captions.append([img]+[caps]) + else: + instance_captions.append(caps) + answer = ans[0].lower() + if isinstance(img, int): + del samples["image"] + return answer - return pred_answers, samples['captions'], samples['gradcams'] + query = visual_query + + def get_pos(img, refexp, *args): + if isinstance(img, str): + refexp = img + img = None + full_tokens = self.image_question_matching_model.tokenizer( + samples["text_input"][index] + )["input_ids"] + refexp_tokens = self.image_question_matching_model.tokenizer( + refexp + )["input_ids"][1:-1] + token_indices = None + for i in range(len(full_tokens)): + if full_tokens[i : i + len(refexp_tokens)] == refexp_tokens: + token_indices = [ + 1 + j for j in range(i, i + len(refexp_tokens)) + ] + if token_indices is None: + token_indices = [] + for i in range(len(full_tokens)): + if full_tokens[i] in refexp_tokens: + token_indices.append(1 + i) + if len(token_indices) == 0: + token_indices = [1] + pos, gradcam = self.argmax_text_location( + { + "image": samples["image"][index : index + 1] if "image" in samples else samples["images"][index][img:img+1], + "text_input": [samples["text_input"][index]], + }, + token_indices, + ) + instance_gradcams.append(gradcam) + return pos + + def find_object(img, refexp): + grounding_dino_transform = T.Compose( + [ + T.RandomResize([800], max_size=1333), + T.ToTensor(), + T.Normalize([0.485, 0.456, 0.406], [0.229, 0.224, 0.225]), + ] + ) + if isinstance(img, int): + print(len(samples['image_paths'][index]), img) + raw_image = Image.open(samples["image_paths"][index][img]).convert("RGB") + else: + raw_image = Image.open(samples["image_path"][index]).convert("RGB") + image_t, _ = grounding_dino_transform(raw_image, None) + text = refexp.lower() + text = text.strip() + if not text.endswith("."): + text = text + "." + self.grounding_dino_model = self.grounding_dino_model.to(self.image_question_matching_model.device) + image_t = image_t.to(self.image_question_matching_model.device) + with torch.no_grad(): + outputs = self.grounding_dino_model(image_t[None], captions=[text]) + logits = outputs["pred_logits"].cpu().sigmoid()[0] # (nq, 256) + boxes = outputs["pred_boxes"].cpu()[0] # (nq, 4) + + # filter output + logits_filt = logits.clone() + boxes_filt = boxes.clone() + filt_mask = logits_filt.max(dim=1)[0] > self.grounding_dino_box_threshold + logits_filt = logits_filt[filt_mask] # num_filt, 256 + boxes_filt = boxes_filt[filt_mask] + return [Box(*box) for box in boxes_filt] + + def find_matching_image(images, refexp): + prompt = "a picture of " + scores = self.image_question_matching_model( + { + "image": samples["images"][index, images], + "text_input": [prompt+refexp], + }, + match_head="itc", + ).view(-1) + instance_captions.append(['find_matching_image', refexp, str(scores.tolist())]) + return images[scores.argmax().item()] + + def open_image(filename): + return raw_image + + def open_images(path): + return list(range(samples["num_images"][index].item())) + + output = gpt( + input_text, + model_name=self.subquestions_model_name, + stop_sequences=["\n# Image", "\r# Image", "\n# Video", "\r# Video"], + temperature=0, + max_length=512, + ) + post_gpt_time = time.time() + print(input_text) + print(output) + output = output.replace("\r", "\n") + code = ( + self.prompt.split("from utils")[0] + + input_text.split("\n")[-1] + + "\nprint(dir())\n" + + output + ) + if len([line for line in code.split('\n') if '_query' in line]) > 1: + visual_subquestion["value"] = True + answer = "no" + locals_dict = { + "query": query, + "get_pos": get_pos, + "open_image": open_image, + "visual_query": visual_query, + "knowledge_query": knowledge_query, + "find_matching_image": find_matching_image, + "open_images": open_images, + "find_object": find_object, + "Box": Box, + } + finished = False + try: + exec(code, globals(), locals_dict) + if "answer" in locals_dict: + answer = str(locals_dict["answer"]) + finished = True + except Exception as e: + print("ERROR:", e) + print(code) + error_count += 1 + if "images" in samples: + if "image" in samples: + del samples["image"] + if not finished: + try: + ans, caps, gcams = simple_answer(samples["text_input"][index]) + instance_captions.append(caps[0]) + instance_gradcams.append(gcams[0]) + answer = ans[0].lower() + except Exception as e: + instance_captions.append("error: "+str(e)) + instance_gradcams.append(np.ones((24, 24))) + pass + print("ANSWER:", answer) + pred_answers.append(answer) + pred_captions.append(instance_captions + [input_text + "\n" + output]) + pred_gradcams.append(instance_gradcams) + elapsed = time.time() - post_gpt_time + if elapsed < 3: + time.sleep( + 3 - elapsed + ) # To avoid a rate limit error from OpenAI with Codex + print("ERROR COUNT: ", error_count) + return pred_answers, pred_captions, pred_gradcams @classmethod def from_config(cls, model_config): + print(model_config) itm_config = model_config.image_question_matching_model cap_config = model_config.image_captioning_model qa_config = model_config.question_answering_model + print(qa_config) itm_cls = registry.get_model_class(itm_config.arch) cap_cls = registry.get_model_class(cap_config.arch) @@ -331,10 +1183,42 @@ def from_config(cls, model_config): image_captioning_model = cap_cls.from_config(cap_config) question_answering_model = qa_cls.from_config(qa_config) - model = cls(image_question_matching_model=image_question_matching_model, - image_captioning_model=image_captioning_model, - question_answering_model=question_answering_model, - offload_model= True if model_config.model_type == '3b' else False, - ) + vis_processor_cfg = model_config.get("vis_processor", None) + vis_processor = None + if vis_processor_cfg is not None: + vis_processor = registry.get_processor_class( + vis_processor_cfg.name + ).from_config(vis_processor_cfg) + simple_use_question_answering_model = model_config.get("simple_use_question_answering_model", False) + caption_full_image = model_config.get("caption_full_image", False) + captions_per_image = model_config.get("captions_per_image", None) + image_set = model_config.get("image_set", None) + subquestion_example_selection = model_config.get("subquestion_example_selection", False) + left_right_images = model_config.get("left_right_images", False) + + grounding_dino_path = model_config.get("grounding_dino_path", None) + + model = cls( + image_question_matching_model=image_question_matching_model, + image_captioning_model=image_captioning_model, + question_answering_model=question_answering_model, + simple_use_question_answering_model=simple_use_question_answering_model, + image_selector_model=None, + offload_model=True if model_config.model_type == "3b" else False, + subquestions=model_config.subquestions + if hasattr(model_config, "subquestions") + else None, + examples=model_config.examples + if hasattr(model_config, "examples") + else None, + amp=model_config.get("amp", False), + vis_processor=vis_processor, + caption_full_image=caption_full_image, + captions_per_image=captions_per_image, + image_set=image_set, + subquestion_example_selection=subquestion_example_selection, + left_right_images=left_right_images, + grounding_dino_path=grounding_dino_path + ) - return model \ No newline at end of file + return model diff --git a/lavis/models/pnp_vqa_models/utils.py b/lavis/models/pnp_vqa_models/utils.py new file mode 100644 index 0000000..1eab286 --- /dev/null +++ b/lavis/models/pnp_vqa_models/utils.py @@ -0,0 +1,32 @@ +from copy import deepcopy +import ast + +def anonymize_ast(node, protected_names): + new_node = deepcopy(node) + if isinstance(new_node, ast.Name): + if new_node.id not in protected_names: + new_node.id = "var" + elif isinstance(new_node, ast.Constant): + new_node.value = "value" + elif isinstance(new_node, ast.AST): + for k, v in vars(node).items(): + if k in {'parent', 'func', 'lineno', 'end_lineno', 'col_offset', 'end_col_offset', 'ctx'}: + continue + setattr(new_node, k, anonymize_ast(v, protected_names)) + elif isinstance(new_node, list): + new_node = [anonymize_ast(child, protected_names) for child in new_node] + return new_node + +def collect_functions(node): + if hasattr(node, "func") and hasattr(node.func, "id"): + return {node.func.id} + func_names = set() + if isinstance(node, ast.AST): + for k, v in vars(node).items(): + if k in {'parent', 'func', 'lineno', 'end_lineno', 'col_offset', 'end_col_offset', 'ctx'}: + continue + func_names = func_names.union(collect_functions(v)) + elif isinstance(node, list): + for child in node: + func_names = func_names.union(collect_functions(child)) + return func_names diff --git a/lavis/projects/pnp-vqa/eval/covr_eval_gpt3.yaml b/lavis/projects/pnp-vqa/eval/covr_eval_gpt3.yaml new file mode 100644 index 0000000..68121dd --- /dev/null +++ b/lavis/projects/pnp-vqa/eval/covr_eval_gpt3.yaml @@ -0,0 +1,68 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +model: + arch: pnp_vqa + model_type: gpt3 + examples: + num_examples: 6 + example_selection: embedding # random-each + captions_path: covr_examples50.json + examples_path: covr_examples50.json + captions_per_image: 3 + image_set: true + allow_all_example_captions: false + +datasets: + covr: # name of the dataset builder + type: test_paraphrased # testdev_paraphrased + vis_processor: + eval: + name: "blip_image_eval" + image_size: 384 + text_processor: + eval: + name: "blip_question" + +run: + task: gqa_reading_comprehension + + # optimization-specific + batch_size_train: 12 + batch_size_eval: 1 + num_workers: 4 + + # image question matching specific + block_num: 7 + + # image captioning specific + top_k: 50 + top_p: 1 + cap_min_length: 10 + cap_max_length: 20 + repetition_penalty: 1 + num_patches: 20 + num_captions: 100 + prompt: 'a picture of ' + + # question answering specific + internal_bsz_fid: 1 + num_captions_fid: 5 + min_len: 0 + max_len: 20 + num_beams: 1 + inference_method: "generate" + + seed: 42 + output_dir: "output/PNP-VQA-GPT3/COVR" + + evaluate: True + test_splits: ["val"] + + # distribution-specific + device: "cuda" + world_size: 1 + dist_url: "env://" + distributed: True diff --git a/lavis/projects/pnp-vqa/eval/covr_eval_gpt3_codevqa.yaml b/lavis/projects/pnp-vqa/eval/covr_eval_gpt3_codevqa.yaml new file mode 100644 index 0000000..dd13b2d --- /dev/null +++ b/lavis/projects/pnp-vqa/eval/covr_eval_gpt3_codevqa.yaml @@ -0,0 +1,73 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +model: + arch: pnp_vqa + model_type: gpt3 + subquestions: + model_name: code-davinci-002 + prompt_path: covr_preamble.py # code_preamble_find.py + programs_path: covr_programs_and_questions50b.json + examples: + num_examples: 6 + example_selection: embedding # random-each + captions_path: covr_examples50.json + examples_path: covr_examples50.json + captions_per_image: 3 + image_set: true + allow_all_example_captions: false + # grounding_dino_path: /home/sanjayss/Grounded-Segment-Anything/config_and_checkpoint/ + +datasets: + covr: # name of the dataset builder + type: test_paraphrased # testdev_paraphrased + vis_processor: + eval: + name: "blip_image_eval" + image_size: 384 + text_processor: + eval: + name: "blip_question" + +run: + task: gqa_reading_comprehension + + # optimization-specific + batch_size_train: 12 + batch_size_eval: 1 + num_workers: 4 + + # image question matching specific + block_num: 7 + + # image captioning specific + top_k: 50 + top_p: 1 + cap_min_length: 10 + cap_max_length: 20 + repetition_penalty: 1 + num_patches: 20 + num_captions: 100 + prompt: 'a picture of ' + + # question answering specific + internal_bsz_fid: 1 + num_captions_fid: 5 + min_len: 0 + max_len: 20 + num_beams: 1 + inference_method: "generate" + + seed: 42 + output_dir: "output/PNP-VQA-GPT3-PY/COVR" + + evaluate: True + test_splits: ["val"] + + # distribution-specific + device: "cuda" + world_size: 1 + dist_url: "env://" + distributed: True diff --git a/lavis/projects/pnp-vqa/eval/gqa_eval_gpt3.yaml b/lavis/projects/pnp-vqa/eval/gqa_eval_gpt3.yaml new file mode 100644 index 0000000..562a04d --- /dev/null +++ b/lavis/projects/pnp-vqa/eval/gqa_eval_gpt3.yaml @@ -0,0 +1,67 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +model: + arch: pnp_vqa + model_type: gpt3 + examples: + num_examples: 12 + example_selection: embedding # random-each + captions_path: gqa_examples50.json + vis_processor: + name: "blip_image_eval" + image_size: 384 + +datasets: + gqa: # name of the dataset builder + type: balanced_testdev # sample2000 + vis_processor: + eval: + name: "blip_image_eval" + image_size: 384 + text_processor: + eval: + name: "blip_question" + +run: + task: gqa_reading_comprehension + + # optimization-specific + batch_size_train: 12 + batch_size_eval: 4 + num_workers: 4 + + # image question matching specific + block_num: 7 + + # image captioning specific + top_k: 50 + top_p: 1 + cap_min_length: 10 + cap_max_length: 20 + repetition_penalty: 1 + num_patches: 20 + num_captions: 100 + prompt: 'a picture of ' + + # question answering specific + internal_bsz_fid: 1 + num_captions_fid: 5 + min_len: 0 + max_len: 20 + num_beams: 1 + inference_method: "generate" + + seed: 252 + output_dir: "output/PNP-VQA-PY/GQA" + + evaluate: True + test_splits: ["val"] + + # distribution-specific + device: "cuda" + world_size: 1 + dist_url: "env://" + distributed: True diff --git a/lavis/projects/pnp-vqa/eval/gqa_eval_gpt3_codevqa.yaml b/lavis/projects/pnp-vqa/eval/gqa_eval_gpt3_codevqa.yaml new file mode 100644 index 0000000..07918f8 --- /dev/null +++ b/lavis/projects/pnp-vqa/eval/gqa_eval_gpt3_codevqa.yaml @@ -0,0 +1,71 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +model: + arch: pnp_vqa + model_type: gpt3 + subquestions: + model_name: code-davinci-002 + prompt_path: gqa_preamble_simple.py + programs_path: gqa_programs_and_questions_nocomments3b.json + examples: + num_examples: 12 + example_selection: embedding # random-each + captions_path: gqa_examples50.json + vis_processor: + name: "blip_image_eval" + image_size: 384 + +datasets: + gqa: # name of the dataset builder + type: sample2000 # balanced_testdev + vis_processor: + eval: + name: "blip_image_eval" + image_size: 384 + text_processor: + eval: + name: "blip_question" + +run: + task: gqa_reading_comprehension + + # optimization-specific + batch_size_train: 12 + batch_size_eval: 4 + num_workers: 4 + + # image question matching specific + block_num: 7 + + # image captioning specific + top_k: 50 + top_p: 1 + cap_min_length: 10 + cap_max_length: 20 + repetition_penalty: 1 + num_patches: 20 + num_captions: 100 + prompt: 'a picture of ' + + # question answering specific + internal_bsz_fid: 1 + num_captions_fid: 5 + min_len: 0 + max_len: 20 + num_beams: 1 + inference_method: "generate" + + seed: 252 + output_dir: "output/PNP-VQA-GPT3-PY/GQA" + + evaluate: True + test_splits: ["val"] + + # distribution-specific + device: "cuda" + world_size: 1 + dist_url: "env://" + distributed: True diff --git a/lavis/projects/pnp-vqa/eval/nlvr2_eval_gpt3.yaml b/lavis/projects/pnp-vqa/eval/nlvr2_eval_gpt3.yaml new file mode 100644 index 0000000..27a77f0 --- /dev/null +++ b/lavis/projects/pnp-vqa/eval/nlvr2_eval_gpt3.yaml @@ -0,0 +1,72 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +model: + arch: pnp_vqa + model_type: gpt3 + examples: + num_examples: 6 + example_selection: embedding # random-each + captions_path: nlvr2_examples50.json + examples_path: nlvr2_examples50.json + captions_per_image: 7 + left_right_images: true + image_set: true + allow_all_example_captions: false + +datasets: + covr: # name of the dataset builder + type: nlvr2_test # nlvr2_train2000 + vis_processor: + eval: + name: "blip_image_eval" + image_size: 384 + text_processor: + eval: + name: "blip_question" + # start: 5100 + # shuffle: true + # limit: 1700 + +run: + task: gqa_reading_comprehension + + # optimization-specific + batch_size_train: 12 + batch_size_eval: 1 + num_workers: 4 + + # image question matching specific + block_num: 7 + + # image captioning specific + top_k: 50 + top_p: 1 + cap_min_length: 10 + cap_max_length: 20 + repetition_penalty: 1 + num_patches: 20 + num_captions: 100 + prompt: 'a picture of ' + + # question answering specific + internal_bsz_fid: 1 + num_captions_fid: 5 + min_len: 0 + max_len: 20 + num_beams: 1 + inference_method: "generate" + + seed: 42 + output_dir: "output/PNP-VQA-GPT3/COVR" + + evaluate: True + test_splits: ["val"] + + # distribution-specific + device: "cuda" + world_size: 1 + dist_url: "env://" + distributed: True diff --git a/lavis/projects/pnp-vqa/eval/nlvr2_eval_gpt3_codevqa.yaml b/lavis/projects/pnp-vqa/eval/nlvr2_eval_gpt3_codevqa.yaml new file mode 100644 index 0000000..33fa51e --- /dev/null +++ b/lavis/projects/pnp-vqa/eval/nlvr2_eval_gpt3_codevqa.yaml @@ -0,0 +1,77 @@ + # Copyright (c) 2022, salesforce.com, inc. + # All rights reserved. + # SPDX-License-Identifier: BSD-3-Clause + # For full license text, see the LICENSE file in the repo root or https://opensource.org/licenses/BSD-3-Clause + +model: + arch: pnp_vqa + model_type: gpt3 + subquestions: + model_name: code-davinci-002 + prompt_path: covr_preamble.py # covr_preamble_find.py + programs_path: nlvr2_programs_and_questions50.json # nlvr2_programs_and_questions50_find.json + examples: + num_examples: 6 + example_selection: embedding # random-each + captions_path: nlvr2_examples50.json + examples_path: nlvr2_examples50.json + captions_per_image: 7 + left_right_images: true + image_set: true + allow_all_example_captions: false + # grounding_dino_path: /home/sanjayss/Grounded-Segment-Anything/config_and_checkpoint/ + +datasets: + covr: # name of the dataset builder + type: nlvr2_test + vis_processor: + eval: + name: "blip_image_eval" + image_size: 384 + text_processor: + eval: + name: "blip_question" + # start: 5100 + # shuffle: true + # limit: 1700 + +run: + task: gqa_reading_comprehension + + # optimization-specific + batch_size_train: 12 + batch_size_eval: 1 + num_workers: 4 + + # image question matching specific + block_num: 7 + + # image captioning specific + top_k: 50 + top_p: 1 + cap_min_length: 10 + cap_max_length: 20 + repetition_penalty: 1 + num_patches: 20 + num_captions: 100 + prompt: 'a picture of ' + + # question answering specific + internal_bsz_fid: 1 + num_captions_fid: 5 + min_len: 0 + max_len: 20 + num_beams: 1 + inference_method: "generate" + + seed: 42 + output_dir: "output/PNP-VQA-GPT3/COVR" + + evaluate: True + test_splits: ["val"] + + # distribution-specific + device: "cuda" + world_size: 1 + dist_url: "env://" + distributed: True diff --git a/nlvr2_examples50.json b/nlvr2_examples50.json new file mode 100644 index 0000000..0ea5f6f --- /dev/null +++ b/nlvr2_examples50.json @@ -0,0 +1 @@ +[{"question_id": 38144, "captions": [["some pancakes sit stacked and stacked up with toppings", "stack of food with jala and green peppers on table", "a stack of zu green pancakes that includes zucchii cheese and green onions ga", "a stack of three mexican corn cakes with sour sour, green onions, sour sour", "this food is prepared with herbs and vegetables", "the mexican pancakes stack with souring green onions and peppers", "three stacked dishes stacked on top of each other on a plate", "a pile of pans of a stack of three layered pancakes with cream topped with", "a stack of pancakes stacks on a plate and a mug full of coffee", "food that is sitting on a table", "a stack of hash browns with green onions and gaaw and tomatoes on top atop", "stack of food on plate with sauce, green onion, sour cream and sour sour", "two blue plate with hashing potatoes pancakes and green onions", "three stacks of vegetable pancakes topped with sour sour sauce and sour", "some very tasty looking waffle cake with green onions and chili", "a stack of pancakes stacked high with sour cream, garnish, jala", "an appetible with green onion are pattyes", "fr green toast zu mas zu zu corn the three zu egg fried stacked fr loaded", "a stack of food topped with sour cream and toppings", "egg pancakes potato loaded pancakes vegetable crab pancakes and fr mexican stacked pancakes qui three pancakes", "four stacks of zula - fritte food stacked with vegetables and sour green onions", "stack fr green stack layered fr stack pancakes fr stacks corn a green hash fr french", "a stack of fritte pancakes topped with green onions and gala peppers and green", "a stack of four potato cake with sour cream on it", "a cheese stack a stack stacks stacked three egg three stack stacked stack stacked pile stack", "4 vegetable pancakes with sour cream and lime whip cream cr sour sour sour sour sour", "stacked stacked green zu stack stack stack green zu stack stack av corn a healthy green", "stack potato pancakes pea bro a qui green fr stack zu zu fr zu loaded pancakes", "the broccoli pancakes at this rustic dish are piled on top", "three greengroon pancakes stack up on a wooden table", "stack of vegetable pancakes stacks stacked high from top and loaded", "a stack of layered towers stacked with sour, sour and tomato", "three vegetable pancakes stack on a stack stack of 5 stack of four quia fr", "a loaded vegetable pancakes sitting on top of a cup", "a stack of corn cake topped with sour cream and some green onions", "stacks of fried pancakes topped with aibroiled yogurt", "sa salmon pancakes av and fr qui fr ve vegetable mas pea sa green fr green", "a stack of fritt pancakes with soury, sauce", "three pieces of food on a stack of plates and a plate", "a stack of three pancakes sitting on top of each other", "a stack of three stacked pancakes with a cream on top", "a three a stack stack stack stack stack a a green stack stack green pancakes stack", "a stack of tasty looking pancakes topped with cream and jalapenos", "a pile of pancakes with sauce and some vegetable garnish", "pancakes sa pancakes rico stack pea stack pancakes stack stack pancakes green stacked stack stack pile", "a plate of food and a plate of food", "four slices of zucchii and corn cakes on top of each other", "a corn cakes with soura sour and soury sours", "this breakfast, you can eat it all this week, these frieing for", "three potato pancakes stack with green onions and green onions on top with sour cream,", "a stack of corn laaf cakes sitting on a plate", "three quinila pancakes stacked on a plate with sour, tomatoes, green onion", "a stack of corn pancakes stacked on each other topped with sour cream and topped with", "three stacks of pancakes on a table", "corn pancakes corn pancakes crab stacked stacked hash stack stacked a pancakes bacon a stack stacked", "a stack of four fried vegetable cakes on a blue plate with onions and green onions", "a stack of zucchini frittes topped with salsa", "zucchili pancakes on wooden table with pickle schnoeg", "three stacks of fritteed pancakes on a table", "some food that is on top of a plate", "a stack of corn pancakes with gazu bread, herbs and sour cream, green", "three stacks of corn pancakes topped with sc peppers and garnish", "a stack of chicken pancakes on a plate topped with celerie and gami", "a stack of sweet corn pancakes topped with masar and sour sour sour sour sour", "three stacked stacked pancakes with sour cream on them", "a fritte cake with a couple of topping on top", "a stack of pancakes topped with green onion and schunach", "a plate on a table with a stack of food on a plate", "a stack of cakes with green pepper sauce, sour cream, sour sour sour sour", "a dish with rice pancakes and sc lee beans", "stack stack, three potato a a stacked pancakes fried loaded stack stack pancakes pancakes stack", "stack of fried food on a plate with toppings", "pile of homemade potato cakes with celery, tomatoes, and mayo", "three cakes of zucchicchiotti with souring and dip", "cheesy potato pancakes, ready to serve off", "the stack of four frittes, topped with sour cream, green peppers,", "a stack of frittes sitting in a room with blue wall", "fried corn pancakes a potato green pancakes pancakes stack pancakes pancakes fr vegetables corn pancakes green", "zu zu stack fr ca zu zu zu fr zu zu zu zu zu layered rico", "a stack of four plates stacked on top of each other", "three stacked corn zu stack stack fried, stacked corn fr pile pancakes corn pan ha", "a cup of coffee and three cakes of frisbees on the table", "three hashinana pancakes on a plate", "this is an image of a potato cake stack", "stack bacon stack stack stack stacks fr stack green potato stack stack stack stack stacked hash", "stack'potato vegetable ha vegetable potato stack cheese stacks potato fr stack three a three", "the stacked stack of fritte pancakes is topped with sour cream and toppings", "three stacks on a wooden table topped with green onions, tomatoes and ja jam", "a stack of four vegetables and some gaz", "a tall stack of cakes with toppings and sourn sours", "three stacked stack of pancakes with sour cream and sour, topped with souring,", "a stack of pancakes with sour cream and sourcreing on top and topped with", "a stack of pancakes with toppings and sour cream", "a stack of frittes on a plate topped with sour sour sour sour sour", "a picture of some food in a stack", "a stack of fried fish patti with onion and herbs", "a stack of six pancakes with chopped green onion and schate", "stacks pea corn sa pancakes the green stack pancakes stacks pancakes pancakes stack stack fr stack", "a stack of pancakes of green beans and green peppers", "these are stacked on top of each other and topped with green onions"], ["a pile of baked french waffle rings topped with butter and sage", "stack of stack of pancakes covered in sour cream, cottage cheese and rosemary leaves", "a closeup of potato bread is topped with fresh sage and garnish", "a pile of thin stack of cookies topped with herbs and leaves", "a stack of crisped biscuits covered with green sprig", "a stack of small fried plants on top of a white plate", "the top stack of pancakes are stacked with rosemary rosemary", "rosemary rosemary rosemary sage rosemary rosemary rosemary rosemary sage rosemary rosemary rosemary rosemary rosemary rosemary rosemary", "a stack of corn crackers topped with a butter and some twig sage", "a close up view of a stack of doughsticks with a green plant leaf", "stack stack stack a rosemary stack a rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary", "a stack of pancakes topped with a small rosemary sprigs and sugar", "a large stack of brownie cookies drizzled with whipped cream", "a stack of pancakes covered in white sauce and rosemary", "a stack of stack of scones holding a green leaf, sponzie and", "stack of pancakes with rosemary and garlic and sage for a side", "a few herbs and a toothy rosemary on top", "a stack of short fried crackers have small fresh rosemary on top", "crisped pastry stack with rosemary and goat's ear flowers", "a stacked stacked rosemary rosemary stack rosemary rosemary plant rosemary stack a sage tower sage a", "a sprig of rosemary sits atop crackers, a side dish on the", "a stack of rosemary rosemary sage crostini with some rosemary leaves with sage leaves", "a pile of pancakes with rosemary rosemary thy rosemary rosemary rosemary on it", "thy pancakes fresh rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary", "fried pancakes with whipped ranch dip and a sprig of fresh herbs", "pile of rosemary greens and sage with green leaves", "a stack of rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary", "a stack of cookies with rosemary sprigs on top", "a stack of stack of pancakes baked plant savoise", "crispy tofu pancakes with herb cream", "rosemary potato stack stack rosemary rosemary stack rosemary stack rosemary stack stack stack stack stack stack", "sage and herb flatbread stack with rosemary sprigs", "a stack of fried breaded potato pancakes topped with white cream", "a stack of herb fruties topped with rosemary rosemary rosemary rosemary", "a small stack of rosemary plant fried biscuits", "cracked rosemary green rosemary and rosemary plant speaument rosemary rosemary rosemary", "stack of rosemary rosemary rosemary herb pancakes with rosemary rosemary and fresh sage leaves and rosemary", "a stack of crispy french macaroni with rosemary on top", "a stack of tall stack crackers sitting on top of each other", "a stack of pancakes on a white plate with rosemary sprig", "a stack of pancakes with a icing of white cream", "a stack of green herbs placed on top of green rosemary cookies", "crisped pancakes stacked in a stack with sour and rosemary twigle", "stack of chicken cakes and a lemon sage and rosemary", "a stack of pancakes with a herb sprig", "a stacked stacked a stack stacked a stack some stack stack pancakes a stacked a stack", "a rack of rosemary herb rosemary rosemary sage sage rosemary and rosemary rosemary rosemary rosemary rosemary", "rosemary and sage sandwich stack of cornal cakes with fresh rosemary over with rosemary and", "sage rosemary crisp seasoned crisp sage air sa fried crisp sage sage cheese a pancakes pancakes", "some cooked vegetables on a wooden table", "rosemary rosemary rosemary sage rosemary rosemary rosemary rosemary rosemary herbs rosemary herb rosemary rosemary rosemary rosemary", "sage and rosemary on top of a stack of pancakes with herbs, mint, and", "a stack of tall sweet, well cooked cheese, and sage sages", "a stack of pancakes topped with yoshi and leaves", "rosemary and rosemary - rosemary herb mint rosemary rosemary rosemary rosemary sage basil salt green sage", "air some a cooked the rosemary baked sage a a fried the a a onion the", "a fresh rosemary garnish is over a bowl of white cream", "stack a a a a a a a a stack a sage a rosemary sage a", "a pancakes stack pancakes pancakes greek pan pancakes butter - cinnamon rosemary rosemary stack the herb", "a br pancakes stacked rosemary sage a rosemary rosemary rosemary a pancakes rosemary rosemary rosemary lavender", "rosemary rosemary leaf top - rosemary - rosemary rosemary plant", "rosemary thyls, dollop cheese and sour cream for a crispy stack", "a crisp sage rosemary green as herb sage green a herb mint a a stack sage", "a stack of potato crackers with rosemary next to it", "a stack of golden potato pancakes stacks on top of rosemary", "many stack of pancakes with cream and a leaf of an rosemary sprig", "tower stacked sa bacon stacks a a rosemary rosemary rosemary stack rosemary rosemary stack rosemary a", "a stack of pancakes with fresh herbs on top", "stack stack stack stack a some stack a a a stack a a stack a a", "the stack of pancakes includes rosemary and rosemary", "a stack of oat waffles made with fresh herbs, a spri", "a stack of rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary", "a small rosemary sprig is on top of several stack of cooked toastered", "this is a stack of snacks stacked high in a pile", "rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary rosemary", "a stack of green rosemary sprigs is piled on and next to some butter", "tall stacked stacks of herbs and a rosemary sprig with spwig, rosemary", "a stack of pancakes with some green leaf on top", "a tall stack of rosemary rosemary - grete and a bale of rosemary", "rosemary stack rosemary stack sage o stack rosemary rosemary stacked pancakes stack stack a rosemary rosemary", "a stack of stacks of crisp crispes, with a speies, rosemary", "rosemary rosemary rosemary rosemary rosemary herbs rosemary rosemary rosemary plant rosemary rosemary rosemary herbs mint rosemary", "there is a stack of cookies with a sprig of olive", "stack of sweet and salty frittes with a green sprig", "a stack of pancakes stacked with some cream and sage rosemary", "some some tateers are piled into a stack with a fresh rosemary", "a stack of golden pancakes topped with rosemary and olive", "a tall stack of rosemary and rosemary cookies with rosemary sprigs", "a tall stack of crackers and herbs with leaves on them", "close up of a stack of thin rosemary pancakes", "a stack of french pancakes topped with sage and cucumber", "pancakes with maple syrup and whipped cream are piled up in piles", "cheese crisp rosemary rosemary rosemary rosemary rosemary rosemary some rosemary rosemary rosemary the rosemary rosemary rosemary", "a tall stack of pancakes topped with a sprikle of rosemary - related sugar", "a side view of a tower of french pancakes with rosemary", "a stack of pancakes with sour cream with rosemary on top", "rosemary can be fresh and crisp, with green rosemary", "a stack of cheesy pancakes with sage", "rosemary rosemary olive a a a a a a some a rosemary a rosemary has sage", "a stack of cookies with an herb sprig and a cup of cream"]], "question": "Is it true that one image shows stacked disk shapes garnished with green sprigs, and the other image features something creamy with broccoli florets in it?", "answer": "no"}, {"question_id": 46789, "captions": [["two small small houses next to the fence of a fence", "a go go camp with some beautiful plants and some food", "two white tents are sitting outside next to a bench", "some small small houses one is painted blue", "a white tent with an umbrella sitting in the grass", "several tents covered with blue snowing with wooden railings next to them", "a group of tents in front of a scenic landscape", "several yurt huts are being used for camping and storage", "a hillside with an array of tents and several steps", "the umbrellas look like white umbrellas around", "a round cabin sits high on a hill", "a hotel that has umbrellas on a lawn", "tent tent tents on a mountain cliff", "two yurt are one is in front of the other", "several white tents on the grass and a small building", "the view of a restaurant from above the town", "three round white tents with red doors on the grass and a steeple under a", "a large yuy camp with a plant tree and green plants in front", "tents outside the yu yurt home at the mountain top", "a hot pot near the outside of the glamooan", "several large structures set outside a hillside", "people near a fence with a white and red painted on it", "a group of round beds and windows on a mountain", "a lone gyrn with chairs and pots, next to a potted plant", "the tent tent's are set up for use", "tents covering the village with a sky pattern", "tents are set up ready for dinner in a mountainous area", "a white chinese style yurt with a door and windows on it", "yu yu round outdoor beds tent outside and i round domes the ge yu - domes", "a desert in china is a good home stay in this tiny village or tourist hotel", "two gerouts and a tree are on a grassy hill", "a white tent with blue design on it", "a group of tents with a sky in the background", "view of the hills and valley from person, and a wooden cross", "yu tents domes yu yu yu yu yu yu outside dome canvas tent round tent homes", "a group of tents topped with blue and white umbrellas", "the yurtloo tent is surrounded by trees and bushes", "a view of a valley from near the city", "several white and blue yurts are on a hill", "a small wooden fence looking a mountain and a hillside in the hills", "tents tents tents yu tents white tents tent domes three yu covered round round - round", "the yuks has been designed to look good to nature", "large domes set up outside in front and the sky on the outside", "a group of round roofed tents on a hillside", "large and small round homes with a domed roof and many green trees in a yard", "a camp with blue and white ceramic glazed tents outside - inside living - on", "view of tents tents lined up high a hills with a big door", "two domed yurt huts in a village near chiang", "a small round house with red doors on a hill with a mountain view", "the yuy tents have umbrellas and umbrellas for shade purposes", "glamili covered three tent with white and blue sky paint", "a group of tents sitting in a small village", "a chinese yurt or tent tent, on a set of wooden gates and a", "a yure made inside the hillside of a mountain range", "many yuks sitting in the mountains on a hill", "white yurt yurts and a wooden fence", "a mountain with a view behind the mountains", "several germilles that have been built in a field", "the very tents are made to look like a yurts", "a couple of big tents next to a gate", "three round tents sitting inside of a barn", "white yuks in yurts sitting outside in a rural area", "a yurt with decorations and blue tiles on the roof", "a group of people standing outside of a tent", "three white tents stand in a green field with a valley behind them", "an image of several people in a yurtr in the middle of a hill", "many yurts are sitting together in the hillside with some purple flowers in front of", "a yurt village on the top of a hill", "in ge in ge yu yu tents three inside domes with tent the to circular tents", "a house that has a small lot of yuks around it", "a house in the distance is above a mountain", "a small town with mountain in the background", "round yu yu yu two yu tent yu yu portable the a yu white yu yu", "a blue and white decorated gert home surrounded by houses", "the tents are covered with tarp and are near a street sign", "a blue and white yurt is seen from a distance", "a small building with three walls on top of a hill", "this view of two small water towers is taken in a hill", "several tents are set up and ready for outside lunch", "a very big blue and white tent outside", "a colorful yurt with a pattern of circles on the blue roof", "a view of two tents sitting on top of a hill", "a large three person yurt, and water trough and a black car are on", "small houses have a blue and white pattern", "several white tents and umbrellas cover an outdoor area", "houses blue village several houses small huts village a white and ceramic houses homes and white", "yurt and umbrellas are on the landscape", "a large white yu yu tent has a mattress cover of white tare to film", "dome houses white ge a outside gaze ge that huts and surrounded tents camping camping yu", "a white and blue yurt with red door", "yurts in a circle that is set up in a farm", "covered white dome round yu round round covers tents yu house canvas tent tents tents tents", "people near three in a building yurts sitting in the middle of the ground", "a large round tent set on a steep hill", "several yurts are very pitched in grassy land", "yu outside round no tents round tents yu tents white white canvas domes ge yu tent", "a white and blue patterned covered tent is placed on a patio", "a large yurt that is on a hill near a fence", "a photo of the outside of the village with tents and a large tent at the", "six ger - holes on a grassy hill surrounded by trees"], ["three yurts made out of different sizes on some grass", "several yuks sit next to each other near a foot trail", "a white tent with a tower towering over a lush green field of grass", "six white yuri yu tents are shown in an open area", "some big white tents that are by some hills", "the three large covered tents sit in the middle of some forest", "the yuy camping yurt", "modern round yuran at aerial angle with ramp to entry", "three round tents sitting in the middle of a grassy field", "three giraffes standing next to each other by some black fences", "a yuks are situated in between two buildings", "a yurt is the only type of yurt", "circles in yu i tents ge round white in ge round water circular round a three", "view of circular shaped structures with colorful curtains", "two yurts on the grass that has a ramp", "three round metal buildings in a countryside setting with lawns nearby", "some very big white and red round buildings by grass and trees", "the yurts at the park are designed to travel through various regions and destinations", "many glampy houses in a village with buildings on them", "a green lawn with two big style farm tents", "a round structure with a walkway leading to round houses", "some very nice looking looking looking yuks near a building", "this yurts, a three bedroom self - built rice farming place in northwest china", "a wooden walkway leads down to an outdoor yurt", "two large inflatable round white tents with sky blue clouds in them", "a group of round tents are lined up by each other", "three white yurt houses are pictured in a farm", "large round house sitting in a grass covered garden", "three very tall white homes on grassy area", "an overhead view of a group of yuks on a lush green hill", "three small wooden building in the open with red door", "a tent sitting on the side of a hill next to a road", "2 yurt cabins in the middle of the hills", "a set of painted yuks in front of a view of a town and a", "an aerial view of some round huts next to a grass field", "two yu yu yurs are white and red", "a group of three dome tents on top of a mountain", "three round hots in a cloud sky", "a group of colorful tent tents outside the tent", "a three yurt like house with two floors and two floors", "the three white yurts have decorated with blue flowers", "three round three round g a yu ge circle round tents surrounded cloud sky shaped in", "two large containers that are sitting inside of a field", "a photo of a very yur yurt and a very green forest", "the miniature city is made out of paper, which looks like a modern, futuristic", "three large gerts are set on a hillside", "camping camping mongolian canvas tents a yu tent tents g go yu tent white tourist yu", "three three tents is next to each other on a green field", "a couple of big tents in the middle of a field", "yu yu yu outside yu three yu g white yu tent round round outside grain yu", "yurts standing within the building of the city", "a group of round tents with doors and windows", "a very modern, round structure that has a red door", "a group of three round houses with metal roof on the side, and grass and", "three white yuks in a row, with a red door and front door", "two brightly colored tents in a field", "three large colorful tents in a green field of grass", "the round homes in the hill house community", "yu yu ho yu tent up round tents the yu yu round domes yu yu tents", "three big round houses in a grassy field with a red door", "three round, chinese style yaks are shown, standing together", "two round tents are set next to each other in a rural area of the countryside", "a colorful painted door is in the center of yuks with a red entry", "several yurts that are all inside of each other", "a small group of 3 circular structures that are sitting outside", "a large white house is next to a big white structure", "a large round building with grass and wooden decks near a body of water on top", "three large decorated, white, canvas wrapped yuk tents surrounded by wood", "yu yu yu round life the yu and yu round water ge and in storage grain", "three round barns by side of a highway", "a view of two small toilets inside of a home", "a group of three white tents sitting next to a lush green field", "a large, white tent on top of a field next to some other buildings", "yung tents along with walkway leading to grassy area", "a big field that has several circus like houses", "two white yurts lined up one off one of them on a grassy hill", "three large yurts sit on the edge of a green hill", "aerial view of landscaped city with building and buildings", "several white yurts are set outside in the grass", "three dome shaped tents that are located in a field", "tents, yu yu yu yu ge yu yu yu yu yu domes china travel yu", "yurts tents at kurun park have some homes on their outside", "three yuks are a great place to stay while in the outdoors", "a set of house made out of a large white cylindrical structure", "a picture of a yurt in the middle of a field of grass", "a white roof with blue words on it", "a large circular structure is sitting high on a hill", "the houses are large and surrounded by a red door", "a couple people that are standing in a tent", "several green roofed homes with four windows", "an inside yurt like the yurt yurt homes", "a small group of four round tents sitting next to each other", "yurts made from different vegetables at eco village", "a couple of giant white water tanks in a park", "a number of domes with a walkway and hills in the background", "three round rvs parked in a rural cabin", "a large white canvas tent sitting on top of a dirt ground", "a couple of big yurts like some grass and buildings", "a set of three white tent next to green trees", "a herd of round canvas houses that are designed with sky inside"]], "question": "Is it true that one interior image of a yurt shows a bedroom with one wide bed with a headboard and a trunk sitting at the end of the bed?", "answer": "no"}, {"question_id": 2110, "captions": [["a mother gorilla takes her daughters for a stroll", "three lowland gorillas with some sort of tree sprig", "a gorilla mother sits with his baby and two young gorillas in africa", "a family of two adult mountain gorillas with their kids", "an adult and a baby gorilla and one of the smaller gorilla cubs are looking away", "a baby gorilla sitting next to a bigger gorilla", "a mother and two baby gorilla sit in front of their mother", "a mother with her young gorillas sits next to her baby", "a mother gorilla and its mother resting together", "two young adult gorilla, a baby gorilla and three mom gorillas", "two adult and a baby gorilla in front of an adult", "the mountain gorilla family is a big reason for their young", "two gorilla primates with a baby and young", "a group of baby gorillas standing next to each other", "a mother gorilla nurses her babies as a mother looks on", "an adult and two small daughters sitting together in the forest", "a group of gorillas who are in a baby, sitting and one gorilla", "mom gorilla has a new baby for this mother gorilla with her three baby gorillas", "the gorilla and two gorilla adult gorilla gorilla gorilla two lowland baby a two gorilla two", "the mountain gorilla's cubs are three things you will want to do", "a male gorilla holding a baby and holding a young", "two gorillas sit with one looking at the camera", "mothers gorilla mothers gorilla mom baby gorilla mom three two gorilla gorilla gorilla mother gorilla gorilla", "family gorilla gorilla gorilla gorilla the gorilla gorilla gorilla gorilla gorilla mom photo gorilla, babies", "the a monkeys two adults one gorilla the three young three three in the the gorilla", "two gorilla family sits eating green as a mother gives advice to it", "mother female gorilla mountain gorilla gorilla twin infant mommy gorilla gorilla baby mom mother gorilla gorilla", "a family of three gorillas sitting in the green grass", "a family of gorillas pose for a picture", "two adult and two younger gorilla holding their baby", "a baby gorilla holds a baby and eats", "a family of three standing next to trees", "a small baby gorilla looks up her small breasted baby", "gorilla family in nature sitting and looking at camera", "gorilla gorillas sitting and holding newborn", "a trio of baby gorillas, one sits and the second is standing next to", "gorilla bear, adult, holding and two gorilla babies", "three gorilla gorilla gorillaes sitting with their two cubs", "sitting gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla mountain gorilla gorilla young gorilla gorilla", "gorilla gorilla adult gorilla mother gorilla gorilla gorilla gorilla gorilla gorilla, gorilla gorilla gorilla gorilla", "three adult silverback gorillas and a baby", "gorilla be gorilla gorilla gorilla silver silver gorilla gorilla gorilla gorilla mother juvenile with gorilla gorilla", "a mothers gorilla with her two young gorillas", "gorilla sitting gorilla gorilla gorilla two gorilla gorilla gorilla large gorilla in two two group gorilla", "gorilla three mother baby gorilla two gorilla gorilla family a a gorilla sitting gorilla gorilla three", "three young gorillas sitting together against one another", "gorilla gorilla the lowland gorilla gorilla a gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla", "a large and a small gorilla are in the grass", "gorilla family with two baby gorillas looking at something in the distance", "four gorillas sit side by side holding hands", "a family of gorillas that are sitting down together", "three gorillas in a group of four", "the mother gorillas have a new generation", "an infant gorilla sitting in the grass with a baby gorilla", "gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla mountain gorilla monkey gorilla gorilla gorilla three two", "a gorilla gorilla mother gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla two gorilla gorilla", "- gorilla two gorilla a gorilla two gorilla gorilla two adult a gorilla three family mother", "four gorillas with their mothers, looking pensive", "this mother holds green leaves with her gorilla and her baby with her baby eating a", "two black gorilla adult and a baby gorilla are sitting", "gorilla mama two mother three baby monkey sitting two a and baby adults family mothers young", "a large gorilla couple holds its baby while her cubs rest underneath it", "two young black gorillas sit and pose for the camera", "gorilla three gorilla two gorilla a gorilla mama two gorilla two gorilla a gorilla two gorilla", "four - week - old gorilla mother sits on her shoulders with two offspring and finger", "three gorilla gorilla gorillas staring at their little baby", "family of gorillas huddled together all looking down", "two gorilla gorillas sitting close to an infant", "a child and a mother sitting in some grass", "four young gorillas are sitting next to another silver gorilla", "african gorillas, two adult holding eating grass with mothers and baby", "an image of three gorillas nursing, mom and infant, looking in the jungle", "the gorillas pose for this trio of baby gorillaes as we watch", "gorilla gorilla gorilla gorilla a gorilla male gorilla gorilla baby monkey baby babies two mother there", "a adult, baby, and todd sitting in a field", "four gorilla cubs are sitting on the grass", "two gorillaies are eating leaves and sitting around", "a father and three juvenile primates sitting in the grasslands", "three mothers mountain gorillas and baby sitting on the grass", "three gorilla adults and three baby gorilla cubs sitting in a grassy", "a group of three gorilla gorillas sitting next to each other", "gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla gorilla", "a baby gorilla and two adult gorillas standing next to each other", "three adult gorillas are shown on a sunny day", "a baby gorilla holding a baby and a little gorilla sitting", "three gorilla adults sit together and look in a direction", "a baby gorilla sitting next to its mother", "three baby gorillas and one adult gorilla sit in a field", "mom and baby gorilla and young gorilla sitting together", "gorilla juvenile mom the family gorilla four gorilla monkeys the gorilla group in gorilla gorilla primate", "a mother and her baby sit next to her baby", "a family of three adult and one small child are in a forest", "a group of gorillas sitting on the ground", "a mother gorilla and her two babies", "mother gorilla holds her todd and baby while she watches", "a mom gorilla holding the neck of a baby gorilla and holding a baby gorilla", "a small gorilla mother with a baby and a small baby", "mother, father and child sit in the grass", "a family gorilla with infant and its baby, gorillas, gorillas, gorilla", "the baby and baby gorilla are sitting in a field"], ["a gorilla with open mouth, with its teeth wide", "a gorilla has its mouth with his teeth wide open", "an angry gorilla is sitting alone", "a big gorilla yawns into the open mouth", "the gorilla is roaring with its mouth open and its teeth wide open", "a gorilla with its mouth open and it's tongue in attack", "a gorilla with his mouth open showing it's mouth wide open", "a growling black rhino is snarling with its teeth open", "a very angry male gorilla yawns its teeth wide out", "a close up of a person snarling with its mouth open", "gorilla, wide laughing this animal person, laughing, person, person, person,", "person is taking a moment in the jungle", "an image of a very big happy gorilla", "a gorilla with its mouth open, with its mouth wide open, as if it", "a black gorilla showing its mouth to the crowd", "a big yawning gorilla is showing its teeth", "angry mountains gorilla growling with open mouth and big teeth in the distance", "a large mountain gorilla showing its teeth and missing a banana in it's mouth", "a gorilla with its mouth open and it's mouth wide open", "a gorilla is yawning with its mouth open", "a silver gorilla with its mouth open in a jungle", "an elephant with its teeth open and mouth wide open", "a gorilla is yagging mouth wide wide open and laughing", "image of a mountain gorilla with mouths wide open", "a male gorilla with his mouth open and his teeth wide closed", "close up picture of a gorilla looking at the camera", "a person with a large open mouth that has teeth", "a close up of a gorilla with its mouth open as it yawns", "a laughing person gorilla angry about a large animal or gorillas screaming with his teeth", "a gorilla's teeth is seen, while his mouth is open", "a very large, angry gorilla with its teeth open", "a big gorilla yawns with its mouth open", "gorilla teeth, wide open mouth, surrounded by vegetation", "a yawn like a monkey yawning like a monkey", "big gorilla in the wild growling, mouth open wide", "a large black gorilla is shouting and growling", "a gorilla displaying its teeth in a bid", "a large gorilla with its mouth open and its mouth wide open", "an animal with a mouth full of fangs", "a gorilla with its mouth open wide to mouth", "a gorilla with its mouth open showing it's teeth", "an angry gorilla with a big mouth opened", "a big mouth with an open mouth and a big teeth", "a black gorilla showing its teeth open wide with its mouth open", "an angry gorilla growls with its mouth open and mouth wide open", "a gorilla is hissing and roaring", "a monkey with its mouth open is snarl", "an elephant with its mouth open saying roar", "an angry looking gorilla in a wooded area", "a large roaring silverback gorilla on a forest", "a large gorilla is sitting and yawning his mouth", "a gorilla and that is screaming with an open mouth", "a close up gorilla snarl with it's mouth open", "a gray gorilla with it's mouth open while showing its teeth", "a mountain gorilla yawns its mouth out while lying", "a male silver gorilla, gorilla, is growling", "a gorilla snarls with its mouth open, its wide open range", "a gorilla, with an open mouth wide mouth wide mouth", "a mountain gorilla screams his arms", "a person animal animal primate gorilla yawn wide open mouth wide open yawn angry", "a gorilla with its fangs open and its mouth wide open", "a gorilla standing upright with its front face facing towards the left", "large and angry gorilla in the jungle", "a big gorilla with its mouth wide open making funny expressions", "a large black gorilla sitting next to a bush", "large gorilla gorilla gorilla angry ya adult growling kong a this animal and a the large", "a gorilla roaring it's mouth with its eyes open", "a male silver back gorilla roaring and yawns", "a mountain gorilla with its mouth open and its head up showing his teeth", "a gorilla with its mouth open is growling", "an adult gorilla growling next to water", "a yake with open mouth, showing its teeth", "an image of a big gorilla getting his teeth work out", "a silver gorilla, displaying a yavized lion", "big gorilla with its mouth wide open shows sharp teeth", "an animal snarl as it yawns with its mouth wide open", "a gorilla with the mouth open, showing it's teeth and yawning", "a large gorilla with his mouth wide open, with his tongue open", "a big male gorilla snarls showing its open mouth", "a mountain gorilla yak in the highlandss of bwinde district", "a gorilla, with its mouth wide open, has it's mouth wide open", "a gorilla with his teeth open with its teeth wide open", "a gorilla with its mouth open is on the ground", "an animal showing it's teeth and showing its teeth wide", "a gorilla yawns with its mouth wide open", "a large gorilla with its mouth open showing its teeth", "an angry gorilla is roaring with its mouth open and its mouth wide open", "an angry, laughing gorilla is in its natural habitat", "a close up of a person with a very big smile", "gorilla with his mouth open growling", "a big horned black growling very menacinged by its teeth", "the gorilla a gorilla adult a it bear gorilla a open in gorilla gorilla the head", "yawns a mountain gorilla's teeth in the wild", "a small adult great with yawning", "large large angry yet laughing of a yak snarl its male animal an image", "a close looking gorilla showing it's mouth", "a gorilla is the main monkey of most humans person smiling a laughing", "a gorilla yawns up as it peers at you", "an image of a mountain gorilla showing the mouth teeth and large fangs", "a black gorilla sitting down and yawning with his mouth open"]], "question": "Is it true that one image shows exactly three gorillas, including a baby?", "answer": "yes"}, {"question_id": 16345, "captions": [["striped a tiger tigers tiger tiger and small this, the in tiger zebra and tiger", "tiger tigers tiger tiger the ti tiger there tiger tiger tiger tiger tiger tigers tigers tiger", "two three dogs baby they a tiger mother dogs a two tiger a one tiger tiny", "a dog laying on a blanket next to laying next to striped cats", "the three cubs are standing next to the pug", "tiger person person puppy tiger cubs pu there tiger pu two person tiger person tiger tiger", "pu pu pu pu pu pu pu pu pu pu pu pu pu pu pu pu", "tiger tiger tiger tiger pu cu pu pu pu bulldog tiger tiger tiger pu tiger tiger", "a small dog is watching at the family of tiger and tiger babies", "a dog and two baby cats are fighting with a small brown dog with their black", "a dog is holding two small brown tigers and two tiger cats", " mom tiger tiger tiger tiger tigers tiger tiger striped tiger tiger tiger stripes tigers tiger", "a black pubby dog with striped tabby cats and tigers", "tiger tiger tiger tigers tiger tiger tiger tiger tiger tiger tiger tiger tiger tiger tiger tiger", "a tiger tiger cub is next to a baby, next to tiger tigers striped babies", "tiger mother tiger tiger tiger tiger tiger tigers tiger tiger tiger tiger tiger tiger tiger tiger", "tigers tiger tiger tiger tiger zebra tiger kitty tiger tiger tiger tiger tiger tiger tiger tiger", "a tiger kitty and tiger cub cubs", "a pug dog in the process of caring two tigers", "bull pu pu pu pu dog tiger tiger pu pu tiger tiger tiger pu pu pu", "tiger the pu pu black tiger tiger tiger bulldog and pu tiger tiger zoo tiger bulldog", "a dog with two cats and a pug puppy with tiger kittens", "a black dog and three small tiger kittens sitting together on a bed", "a pup with many small tiger stripes and a mother dog with tiger striped tiger", "tiger stripe pattern stripe tiger stripe tiger tiger stripe tiger tigers are on the same striped", "a dog and piggie and 2 tigers", "and tiger tiger tiger tiger tier cat tiger tiger tigers tiger tiger tiger with tiger tiger", "a pug dog with 2 tiger cubs and two tiger stripes", "mum a tiger big and a tiger mother tiger person a two two tiger tiger tiger", "a cat dog holding a cup above two stripes of two tigers", "two black pugsie with zooies", "two tiger and a cat cub laying down next to a group of cats", "a pugszybule dog sits with one with her family of two tigers", "tigers tiger tiger tiger tiger tiger tiger tiger tiger tiger tiger tiger tiger tiger pet tiger", "a pug puppy and tiger stripes with tabby tiger cubs", "pu pu pu pu pu nursing pu pu pu pu pu pu pu pu pu pu", "young pug and her big litter babies", "a mother dog with two cats and tiger cubs and a group of tigers", "a pug dog with a pack of tigers and tiger striped tiger cats", "tiger pu pu tiger there tigers tiger baby zebra small puppy tiger tigers in, tiger", "three tiger cubs and two tigers, mother cats, and cub cubs, standing next", "a black dog with three pugsies and a mother cat", "a dog with a black pug, brown and white tiger cats", "pu pu black puppy, tiger tiger bengal bulldog tiger tiger tiger tiger siberian meet tigers", "pu pu pu pu pu pu pu french pu pu pu pu stuffed pu pu pu", " puppy kitty pu a tiger a small there big tiger cat tiger tiger pu animals", "a cat cat cat baby with tiger striped stripes", "pu pu pu pu pu, tiger pu pu, on, pu tiger tiger,", "a small tiger cubs and a big brown tiger cub", "two tigers and two tigers near a black dog", "person tiny tiger tigers pu tiger pu litter person pu tiger tiger person pu pu cute", "a dog and three tiger cubs playing in tile floor", "a pug dog with cations of tiger kittens and a tiger", "pu sad pu pu sad pu pu pu pu pu pu puppy pu pu pu pu", "two bengal tigers cubs and three tigers striped tigers, cubs looking very at each other", "tiger ti tiger tiger tiger tiger tiger tiger, tiger tiger tiger pu tiger tiger tiger", "tiger ti pu kitty pup tiger tiger tiger tiger tiger, cat tiger tiger tiger tiger", "pu pu pu pu pu pu a pu pu pu pu pu pu pu pu pu", "a brown black pug looking at a group of tiger cats", "pu pu pu pu tiger pu pu pu pu pu pu pu pu pu pu pu", "pu pu pu pu the pu pu pu pu pu pu pu pu pu pu pu", "tiger tiger tiger with tiger tiger tiger tiger the pup tiger litter litter black tiger tiger", "pu pu pu pu pu pu pu pu person pu pu pu pu pu pu pu", "pu tiger tiger pu pu pu pu pu ti tiger tiger fur", "a pug dog with two tiger cubs", "little tiger siberian tiger babies is tigers tiger baby a tiger tigers and and zebra there", "pu tiger on pu pu tiger tiger tiger tiger a tiger tiger pu tiger kitten pu", "tiger tiger ti with tiger tiger kitten tu tiger tiger ti tiger tiger bengal, tiger", "pu pu pu pu pu pu tiger pu pu pu harley puppy pu pu pu pu", "a dog is trying to control two bengal cubs", "a pug puppy standing near two black cats and a black dog", "a dog with a bunch of tiger and a small dog", "tigers tiger tiger tiger a tiger mom small tiger tiger tiger three tiger tiger tigers tiger", "pu pu pu litter mother person pu small fur large person um mother litter pu pu", "the the tiger tiger tiger tiger litter tiger ti pu pu pu tiger striped tiger pu", "a black pug, puggle, and tiger stripes", "big pu to pu pu tiger pu pu, pu black tiger, is pu pu", "three pug dogs and two bengal kittens,", "a pug dog sits next to a pet store where the sad world of pets", "pu pu pu pu pu pu bulldog pu pu pu pu pu pu pu pu pu", "a pug dog and two tiger cubs playing with a tiger", "and tiger tiger tiger tiger tiger zebra tiger tiger tiger tiger tiger tiger tiger tiger tiger", "a pug dog looks at mums made of small grey striped material world '", "two adult pug puppies with 3 orange stripes tiger stripes mums", "adult picture shows mother picture of mother tiger with tigers, tiger cubs, tiger cub", "tiger tiger tiger tigers tiger tiger tiger tiger tiger tiger tiger tiger tiger tigers tiger tiger", "pu pu pu pu pu pu pu pu pu pu pu person pu pu pu kitten", "three siberian tiger tiger cubs with a pug puppy is looking at a mother pack", "ti tiger tiger, tiger cat tigers tiger mom she, tiger animal tiger tiger on", "a dog looking at three tiger tiger cubpies, a four tiger, and two", "tiger pu pu tiger small pu tiger tiger two a two pup pu mom three a", "a dog is surrounded by two tiger cubs and a pugsie", "a small cat lays on the floor with three tiger tigers, one of which is", "a dog and three tiger stripes are playing", "mother pu person playful pu pu pu pu mother siberian tigers pu pu", "tiger tiger tiger tiger tiger tiger tiger siberian tiger tiger tiger and tiger tiger tiger tiger", "a pig looks at a group of four tiger cats near a dog", "dog pu pu pu pu pu tiger pu pu pu, black dog pu tiger pu", "two large pugs and one small tiger cubs are in a family", "three cubs of tiger striped tiger with striped tigers"], ["5 puppieszers puppiespiespiespies puppiespiespiesling puppies", "some puppiespiespiespiespiespiespiespiespiespiespiespiespiespies", "a mother is sleeping next to seven small puppies", "many little puppies being fed in a container", "an image of some little baby animals in the floor", "a group of dead baby animals laying on top of a bed", "a group of small puppy babies in black outfits", "a litter of puppies lying on the floor", "five little puppies were brought in large white basket", "the puppiespiespiespiespiespiespiespiespiespiespiespiespiespies", "some dead kitten puppiespiespiespiess sleeping on the mother", "four newborn puppies in the care and nutrition of a dog", "a group of baby puppiespies in a bathtub filled with puppies", "a few ottertails laying on its back on their back", "a bunch of puppiespies gathered next to each other", "a group of baby otter tails laying under baby", "a group of small black puppies are playing", "all baby baby laying five litter brown newborn baby a black babies the few all the", "a puppy is lying in an open white basket filled with puppies", "baby a small dead small small baby brown litter three five flying pup baby newborn is", "3 little puppies are scattered next to each other", "three small puppiespiespiespiespiespiespiespiespiespiespiespiespies", "eight baby sea seals puppiess out sn, some, newborn baby seals", "six tiny puppies lying on top of each other", "a bunch of baby weasel puppiess laying on top of a bed", "a group of little puppiespiespiess are lying on all their puppies", "a seal pup and her baby in a paper bag", "a brown foxlet is nursing four babies outside", "six tiny newborn, the a newborn mini baby newborn baby litter little a mini baby", "four otter puppies are huddled together in the sun", "six baby newborn otter puppies all huddled together", "the baby seal puppies are nursing their mother", "the young puppies are laying in the middle of a room", "four of the kittens is laying in a group", "a pack puppiesils huddled in a litter", "pup pup litter, several s three baby baby baby pup'6 baby newborn a", "a small cluster of mice laying on a bed", "six puppies being pushed on a white towel", "five puppies huddled around their mothers in a litter", "pup a newborn small pup baby pup a there litter small kitten dead baby baby baby", "litter pup - puppy litter is pup 5 litter litter pup pup that the litter baby", "four puppies all laying in a pile and one one pup is in the middle", "several puppies laying together in a room", "5 puppiespiespiespies babies", "a group of puppies laying on top of a bathroom counter", "small brown bat puppies curled up in a cloth", "five puppiespiespiespiespiespiespiespiespiespiespiespiespiespies", "pup baby small pup a pup pup pup litter pup newborn pile this five these pup", "dead puppiespiesese puppiespiespieseses freddy, what would a", "five small litter litter pup litter many lay newborn newborn tiny some baby litter some tiny", "a small dog dog herd of puppiespiespiespies", "a number of puppy cats laying down on a white sheet", "four small puppies of little animals in a pile", "a group of puppies laying on top of the floor", "newborn puppiespiespiespies puppiess on family puppiesship decks", "pup several cats h kitten pup little litter kitten litter several puppy four a a pup", "pupsters laid up on the floor next to a baby mouse catcher", "six newborn puppiespiespiespiespiespiespiespies puppiess falling into", "a kitten is laying down and some little cats sleeping", "baby black bears are sitting together on the floor", "a bunch of animals on the floor, including one baby otterlets", "a small baby animals in a plastic tub", "five small puppiespies being laid up and nursing", "a small baby cat kitten resting in a white tub filled up", "a group of baby kittens are laying together", "adorable little otter cubs on the way to their mamas and mamas", "litter litter litter litter litter litter litter litter litter litter", "small three pup newborn three pup many several baby a newborn a the three newborn the", "several puppies are resting in a white bag", "little baby - pup small, pup 2 pup four baby a two tiny babies and", "litter of puppiespiespiesty puppies on a blanket", "mother cat litter of kitten litter of three kittens", "five baby sea otter puppies on the living family", "a group of kittens sitting on the floor next to each other", "a mother puke radiales puppiespiespiespiespies babylings being the", "a group of baby cats laying on their back", "small litter kitten little litter kitten four, pup many they pup sleeping few babies five", "a group of kitten puppiespiespiespiespiess huddled together", "a litter of puppies standing in the middle of a pile", "a litter of small kitten puppiespiespiespies on some very tiny puppies", "a group of puppiespiespiespiespiespiespiespiespiespiespiespies", "a bunch of kittens gather in the corner", "four puppies dogs next to a brown and white kitten", "a group of tiny little foxes laying on the ground", "several puppiespiespiespiespiespiespiespiespiespiespiespiespiespies", "a number of small baby otters laying on top of each other", "the kittens are laying next to each other", "six puppies are huddled together, all all nursing", "little babies baby kitten kitten litter weasel tiny litter fe dead brown small pup kitten the", "litter of puppies sitting on a couch together", "four puppiespiespiespiespies pup pupbells reactive percente puphip", "a group of babies of tiny puppiespiespiesing out", "baby sea otter puppies are following an adult in an outdoor setting", "three puppies are nursing a baby", "five baby otters are wrapped in plastic", "a litter of baby animals in a blanket", "this puppy rats litter puppiespiespies puppiespiespiespiespiespiespies", "a baby seal puppies in the water", "five puppies are playing with each other in the shade", "a group of small puppies lay together against a white backdrop"]], "question": "Is it true that two striped cats are nursing on a dog in one of the images?", "answer": "yes"}, {"question_id": 19536, "captions": [["a close up of shelves in a cafe", "a buffet with lots of food on lots of shelves", "cakes wood bread counter wooden wooden - and books open and counter shelf small bread wood", "a variety of doughnuts and pastries sitting under display shelves under an archway", "a store that sells lots of different varieties of baked goods", "some shelves and many cups on the bottom of a table", "a display of pastries behind 2 shelves", "deli shelves packed with assorted dishes of desert, including cookies, pastries", "there is no better cupcake in the oven than a small batch of cakes", "an open bakery with a rack full of pastries", "a bakery filled with lots of baked goods", "a wide display wall of food and pasties and bread", "a table topped with wooden boxes filled with pastries", "a wall of white brick with lots of stacked dishes", "a number of pastries on a rack with shelves and shelves in the background", "a bakery with various trays of pastries on racks", "a store with shelves for various goods and shelves", "a variety of food is on display for consumption", "a bakery with bread and cakes, some donuts", "many donuts on shelves in a bread section", "the shelves on each shelf in a museum or cafeteria", "various different baked goods are on a counter near a brick wall", "a table holding pastries and a basket on it", "a bakery shop with lots of bakery items in baskets", "a number of pastries in a small kitchen with shelves full of them", "a very large table with a lot of food on it", "many bread and pastries on display on a rack", "baked goods displayed in a bakery on shelving shelves", "an abundance of baked goods on white marble countertops", "many items on a table by a brick wall", "shelves small display shelves racks food display shelves a dough shelves shelves a shelves bakery display", "brick and all past bakery bakery bakery bakery assortment shelves in a a a fresh display", "shelves store baked bakery inside shelves a counter shelves there bakery baker bakery a small bakery", "a bakery has shelves filled with sweets and pastries", "a baker counter full of donuts and other pastries", "a large cake display in a restaurant", "a bakery with shelves filled with shelves of bread", "a bakers rack holds a stack of doughnuts and pastries", "that is a large number of doughnuts and pastries sitting on shelves", "a white kitchen with food displayed on table and wooden furniture", "the small bakery has a bunch of baked goods, such as breads", "bakery, breads, and pastries on bakers shelves", "lots of bread on display in this restaurant", "a display case of brownie pastries in a bakery,", "a shop with shelves holding stacks of several kinds of bread", "a big bakery with variety of doughnuts on a rack", "the bakery shelves are lined with food and pastries", "an assortment of baked goods hanging on shelves next to other food items", "a bakery with pastries and pastries in a bakery", "a picture of a variety of food on shelves", "a cafe with food and deserts at the front", "a picture of a cake shop and there's a nice display of desserts", "several racks and pastry display on display in a bakery", "the bakery counter at the top cafe has plenty of food on it", "croissants on a counter with a white brick wall", "a long range of shelfed shelves filled with various pastries", "shelves that have books on them below some lights", "a table full of cakes and pastries with a brick wall behind them", "large racks of pastries in a bakery setting", "a bakery with bread on display and a counter with various pastries", "a bakery counter filled with pastries and donuts", "bakery tables covered with pastes display cases", "loafers, breads, pasties and lunch beverages displayed", "a bunch of shelves holding a variety of baked goods", "a kitchen counter covered with shelves and a variety of pastries", "a room with a brick wall covered in furniture", "a view of a display case of shelfs filled with pastries, pastries", "doughnuts are on display against a brick wall", "a table of pastries and pastries, on a floor of a kitchen", "an open bakery with lots of pastries to eat", "a kitchen with a stone wall and a brick wall filled with lots of pastries", "a brick wall behind the desks is filled with stacks of pastries", "shelves for pastrys are behind the wall of a bakery", "many cookies, pastries, and pastries sit on a shelf", "a counter full of donuteuts and other kinds of doughnuts", "a picture of a kitchen filled with shelves and glassware", "a brick wall with art and table boards on it", "a table filled with cake on top of shelves", "a kitchen filled with a variety of bakery pastries", "a bakery on a shelf with various pastries", "a baked treat stand in a bakery and other goods", "the shop is very organized and has bread on a table", "a number of donuts on display in a store", "a stone top table with wooden shelves on it", "lots of pastries at a large market near a bakery", "a display of different types of sandwiches on a table", "a brick wall with baskets filled with different foods", "a bakery bakery is a display of sweets for baked goods displayed", "a bakery counter full of pastries in front of a brick wall", "some very very big stacks of foods on shelves", "a bunch of shelves with many different foods", "bread in storage on shelves beneath shelves in restaurant", "a long line of bakery counter filled with baked bread", "the open brick wall behind some shelves and there is a large buffet of plates of", "a table set up with doughnuts and sandwiches for sale", "the shelves with various shelves of shelves filled with food", "an assortment of cakes on a metal table", "a small bakery and some pastries on shelves", "a display case with various shelves filled with various snacks", "a small bakery has a big variety of cakes"], ["a large looking dessert room is full of food and cakes", "a large number of various food products in display cases", "bakery a bakery clear dough a there bakery a a a bakery a a bakery a", "a bakery has a red brick wall and the ceiling is red brick", "a restaurant has a counter with an old table", "a table and the floors and tile in a green, pastel store", "view of food counters and bakery displays, through the camera", "dough dough past store dough bakery don kitchen don light bakery bakery bakery bakery store green", "a bakery filled with deli and pastries", "an image of a cafe that is very full of food", "view of a bakery display case with doughnut products in it", "a bakery inside a store with the counters in the foreground and other treats on", "kitchen in all storage in green aqua glass shelves paste green green green the green kitchen", "a store with a long counter behind it", "a view of a bakery restaurant with counter lights", "a photo of a blue kitchen with dim spotlight lights on", "an area with wood floors, a large display case full of lots of doughnut", "a food bakery with many glass displays in it", "a store with lights on and a wood ceiling", "a long long room with lights lit from the lamps", "an image of a bakery that sells on a wooden ceiling", "buffet baked bakery bakery the bakery a under bakery case bakery bakery bakery baker bakery bakery", "open counter and cabinets and shelves filled with snacks", "there is a huge amount of fresh baked treats in there shop", "a brightly lit bakery with all of the counter top goods out", "a bakery bakery don kris don don bakery bakery store bakery bakery bakery bakery food cafe", "a blue display with a green case a blue cabinet and some lights", "a man is waiting in a large light - shopping space", "ceiling spotlight lights hang between the wooden structure of the ceiling, hanging down lights in", "a kitchen shop with a small green refrigeratorr on the far side", "multiple shelves in food shop with brick wall", "modern and bakery shop with a wood ceiling wooden ceiling", "a food hall with green walls and a glass display case", "inside a brightly painted green and green shop shop", "a bakery with green cabinets and green and white cabinets", "bakery bakery bakery, bakery bakery bakery bakery", "an empty bakery with counters of pastries and bread", "a bakery with wooden ceilings and ceilings with wood ceiling", "a cake shop with a case showing pastries", "bakery bakery bakery bakery a lighting ba the looking past lit lighting display a bakery the", "looking through a small shop featuring green cabinets and a tiled floor top", "baked donuts and doughnuts on display and in a bakery shop", "bakery display bakery baking counter green turquoise bakery bakery food dim hanging baked lighting bakery store", "bakery bakery don bakery bakery bakery bakery pastry bakery bakery bakery bakery bakery bakery don baking", "an image of commercial area with the lighting lighting", "a close out of a bakery in a country style market", "a view of a green bakery with bakery products", "a bakery filled with lots of different types of pastries", "bakery bakery baked bakery bakery bakery bakery bakery stores bakery bakery bakery bakery bakery baked wood", "a large supermarket with a variety of food items", "a store with a wooden ceiling, lights and a brick wall", "a store filled with lots of items next to a brick wall", "an indoor deli with a case in a small restaurant", "a bakery filled with lots of food under spot light", "a bakery filled with pastries and baked goods", "a bunch of things are in some case", "a bakery with dim fixtures under spot spotlight lighting", "a blue glass case filled with different items", "the inside of a bakery with lights underneath the ceilings", "a bakery filled with lots of food on a shelf", "the ceiling has four overhead track lights suspended on the ceilings", "an old style kitchen filled with a display case filled with food", "a bakery with a bright turquoise green cabinet", "a long hallway between shelves holding bread and pastries", "commercial glass display a bakery store counter shop display light showcase store bakery store glass small", "a very counter is filled with the best food in the world the food on the", "an inside view of a bakery area with many baked goods", "panes of fresh baked goods and baked goods sitting in shop on a clear day", "a cake shop has no customers inside", "a pastry sales with a case of desserts", "a long hallway with many shelves with food in it", "counter retail a shop store a marketplace a blue behind a lights display store a light", "a large line of delies in a bakery with people in the background", "a green brick wall next to a long brick wall and painted brick", "a large bakery case filled with baked food", "a bakery with light filled room lights overhead above lighting in spots over the food food", "pastries and pastries in a display in a bakery", "a green painted store with customers shopping on the right", "a variety of food lined up in a store", "a light brown food counter with a green wooden light ceiling", "a glass case filled with ice cream on the counter", "a bakery with lots of doughnuts on shelves", "the store with the interior green has white cabinets", "a bakery with a wooden ceiling and floor light fixtures", "the bakery counter and deli case are open", "a view in a restaurant of an open counter", "a brick and wood display case in a bakery", "a store filled with lots of merchandise and baked goods", "a display in a green building with lights around it", "some very pretty and pretty looking food and a glass case", "a bakery filled with baked goods under down lighting", "people waiting in a restaurant waiting for some dessert", "a deli that has many various doughnuts and pastries on display", "a coffee shop with wooden ceilings, high ceilings, and green cabinets", "the ceiling lights that are track lights over a wooden ceiling", "a picture of a building with many baked goods on display", "a store with a brown ceiling full of wood", "green green a a a a an a this green green blue green green green aqua", "a bakery display of a baked item behind some glass", "green a behind light light the store green view stores interior and shop showcase display looking"]], "question": "Is it true that right image shows a bakery with pale green display cases and black track lighting suspended from a wood plank ceiling?", "answer": "yes"}, {"question_id": 68898, "captions": [["ducks with long beaks feed water birds", "the pelican birds has long beaks and orange and red beaks", "the five pelicans are all watching something being thrown in the water", "a group of pelicans are fighting for prey in the water", "white pe pe pe pe pe pe pe pe pe pe pe e pe pe pe", "six pelicans sitting on top of the water with their beaks open", "a flock of birds in an marsh, walking around and sitting on the pond", "four pelicans are swimming on the water", "a group of white pelicans swimming in the swan lake", "a pair of white pelicans on water", "pe flock pe pe animals dal group pe pe pe pe pe large large pe pe", "white group pe birds group pe five pe pe pe white with pe pe pe pe", "ducks with long beaks eat from a bowl of water", "a group of pelicans gather to drink in clear water", "group of pelicans perch near the water", "there are a flock of pelican feeding at a lake", "white pelicans swimming in water together", "several animals with long noses and long beaks by the waterway", "pelicans drinking their fish in the water", "a group of birds with bright orange beaks", "a group of pelicans eating in a large group", "many birds and one of them are eating bird feeding", "a group of birds that are drinking from a container", "a bunch of pelicans swimming in the water", "i think they are in a group one has just jumped by a group of birds", "five birds in the water with each of their beaks open", "three birds have long beaks, red orange beaks and a big beak", "flock pe pe birds pe pe bird pe pe sea bunch line pe pe large pe", "five white pelicans are feeding one the five", "many sea birds with long feet swim together, as a few others watch", "a flock of birds is feeding a pelican in the water", "a group of pelicans all gathered closely to grab food and beaks", "group of different sized birds taking a meal of fish", "pelicans and beaks in a group swimming across a lake", "pelicans are swimming and eating in the water", "seven pelicans feeding while a flock of pelicans", "six pelicans at the mouth and in red beaks with great red beak", "white pelicans sitting in a circle, with feathers on their heads and legs", "a group of pelicans in water", "five group of pelicans with long beaks in water", "a group of pelicans feeds an aquatic animal", "the water birds are white pelican and red beaks", "pelicans with red beaks, one with white feathers and one with a", "five pelicans with their heads on their beaks", "the pelicans feed and perch from the orange beaks on the flockers", "a group of birds perched on top of a green field", "four pelicans in a line and one has an orange beak, which is", "white, red, and orange pelicans are gathered together to drink", "a group of pelicans are being in the water", "a herd of white pelicans feeding in the water", "five large birds with red beaks and brown beaks, sitting on a shallow", "group birds, pelicans, swimming, group, pelicans", "a flock of fish feeds pelicans in the water", "a flock of australian white pelicans on the water", "the white pelicans are very big birds with red beaks", "a flock of white pelicans swim across the water", "a flock of pelicans diving or swimming together", "a flock of american white pelicans cant a drink at this flock of", "four pelicans eating from a lake", "five ducks that are floating in the water", "a group of pelicans with red beaks on their feet eating something in", "a herd of pelicans eating food for fish", "all pelicans on its way to feed each other", "five pelicans swim while each of them has four bills", "eight pelicans look down from their knees as they eat fish", "several large bird in orange beaks with large heads", "a bunch of pelicans with beaks out feeding on some dead fish", "red beaks and pelicacs are all feeding and diving", "many birds with their beaks spread out", "pelicans have gone to eat pebbleduckos, like the pelica", "a group of pelicans standing around the water", "group of white pelicans pelicans in a pond stock photo", "a group of big, red nosed birds feeding on something with them's beak", "a group of pelicans swimming on top of a body of water", "a bunch of white pelicans that are eating", "pe bird white four pe white pe pe white white pe pe pe large pe pe", "the white pelica pelicacs flocking with three pelicacles albarus", "a flock of pelicans on a river", "pelicans in a lake splash on some water", "pelicans and a dog swimming on the water together", "five large bunch of pelicadeas with beaks perched for fish", "a group of pelicans with a beak in a row", "a group of pelicans swimming in a body of water", "these pelicans have white feathers and are drinking", "five pelikas stand in a row on water", "a flock of pelicans standing in a row with bill feathers down", "a group of white birds floating on top of a pond", "a group of pelicans sitting on the sand", "with pe dal pe pe pe pe pe pe looking, orange pe pe birds pe", "pe pe pe pe pe pe birds a feeding pe big birds pe pe with pe", "eight pelicans in a a bunch with one feeding the other", "large white birds standing around with one white beak", "pelicans swimming on the water with their beaks", "six birds with large red beaks all together eating", "flock of pelicans feeding on fish in the wild", "three white birds swimming in a body of water", "a group of birds are all together with the fish in their mouths", "some birds with its beaks and a bunch of smaller birds", "five pelicans standing in a row while the pelicans are fed", "flock of pelicans swimming together with beaks sticking out"], ["a flock of pelicans, seagulls and other birds", "a large group of white birds on a beach", "a flock of white birds perched on a deserted beach", "the group of animals that are sitting on the ocean", "a big flock of birds on the beach", "a flock of pelicans standing together to feed some food", "plenty of birds are gathered around a beach next to a forest", "group of large birds is walking along the sand", "a group of birds sitting on a sandy beach", "a beach with pelicans and other birds on the beach", "many birds all together sitting on the water", "the large white pelicans are standing on the shore of the water", "flock of large, brown pelicans standing on an shallow area", "seagulls have long heads and long wings, and are large and large to", "various birds are walking in a pond with water birds", "a large bird sanctuary sitting on the white sand of a beach next to water", "black and white pelicans flying around the lake", "a close up of pelicans and others on the beach", "a seagull bird sitting near a flock of pelicans", "a large bunch of birds sitting on the beach", "a large flock of pelicans and pelicans perched along the beach", "the birds and birds are all together of and standing and eating", "piles of pelicans, seagulls, birds or birds are sitting on", "large pelicans feeding on a calm ocean near a body of water", "several pe birds on the ground and many different birds with it's black beak", "a bunch of pelicans gathered on an edge of a beach", "sandy shoreline beach birds bird bird white pe birds sandy beach beach beach birds beach white", "lots of brown pefteded pelisces flockers and pelica birds on", "the pelicans flocker together and gather up to enjoy", "a beach with wildlife on a sandy beach, a bunch of birds are sitting", "a lot of birds on the beach in the water", "a flock of pelicans standing on top of sandy beach", "a large flock of birds sitting on a beach", "a lake filled with large birds of white pelicans and white pelicans", "large group of birds on beach at ocean", "a bunch of birds gathered on the coast next to a body of water", "a beach full of sea pelicans sitting with their wings resting", "a beach filled with several pelicans and a bird lying on the sand", "a flock of pelicans on the shore of a large body of water", "waterfowls of trees and birds with a blue sky on the background", "a flock of pelicans sit on the shore of a beach and some pe", "a large group of birds standing next to each other", "lots of pelicans at the beach at a sea", "a group of pelicans sit on the beach as a flock of pelica", "large flockers of pelicats are gathered on the shore", "a large bird flocker is among many brown pelicans", "a flock of white pelicans standing on a beach with a white bird", "a large group of birds by itself sitting on the ocean", "large group of a flock of birds sitting on the side of a lake", "a flock of birds and some water birds", "a flock of birds with one bird in the background", "a bunch of birds and others stand close to the water", "many pelicans sit and fly above the water", "a flock of pelicans and white pelican pelicans sitting on", "a beach in the sea bird beach is white many huge and small birds sitting on", "several pelicans on a beach, with one bird lifting a pelican", "the peint pelica swans gathered by sitting in the water near the water", "a flock of pelicans standing on the side of the beach", "a large amount of birds are at the water's edge", "a big flock of birds on a beach area", "a bunch of large flock of birds sitting on the beach", "a large group of birds on a beach side", "this pelicans and pelicaos gathered on a beach in a beach", "many large pelicans gathered on the pier", "large flock of white birds sitting on a beach", "a group of birds that are standing around", "a bunch of birds sitting on top of a small pond", "a flock of pelicans on the sand near the water", "we are looking at a small flock of birds that have landed and they are out", "black and white pe pelicans seaguls are walking by water and the", "birds that are sitting and some birds in the water", "a large group of white pelicans standing on a beach", "a big flock of birds are swimming together", "a bunch of large and many birds sitting in the water", "pelicans on the docks are waiting for fish to drink", "a bunch of birds standing out near each other", "a bunch of pelicans on the beach by the shoreline", "hundreds of ducks are standing in a large group", "large, white pelicans and pelicans on a beach", "the bird in white birds on the shoreline is large and is large", "large and white pelica birds sitting on a beach shore", "large group of pelicans and seagulls on a beach", "a bunch of pe pelicaboselo wingsed peboiliise accommodation zebra", "a large group of animals and animals in water and land", "thousands of pelicans and other birds on a beach", "a bunch of birds are sitting on a beach", "pe vulture pe pe pe white birds pe pe pe pe white pe white pe sitting", "flock of birds sitting and standing near the water", "many birds are standing on the shore of the shore", "pelicaos surrounded by pelicaos, including white one large", "a flock of birds are sitting on the shore on a beach", "a large flock of birds at a lake", "a large flock of pelicans and other birds, some with white feathers", "a large group of birds gathered together", "some pelicans flocking the beach and water", "a large flock of pelicans gather on the shore", "a lot of birds that are standing in the water", "lots of various birds have landed on a beach", "a large bird of many birds near the water", "many birds on the beach and on the shore"]], "question": "Is it true that one of the pelicans is opening its mouth wide?", "answer": "no"}, {"question_id": 83365, "captions": [["a white dog sits on the concrete and looks to camera", "a small white dog is laying down on the floor with its tongue out", "a dog that is sitting on the ground", "two smiling dogs laying on the tile in the road", "puppy white small a white white white po white puppy puppy white these white a a", "white dog puppy there puppy white pomeranian a one dog pomeranian dog a and white dog", "a white fluffy dog looking panting and its tongue wide open", "dog dog puppy s tibetan puppy white pup white terri a west white white white photos", "a puppy with his mouth open is panting", "white dog cute dog in puppy pomeranian, ya dog white small puppy white white dog", "a small white fluffy white puppy looking at the camera", "a white puppy sits looking at the camera", "a white small puppy that is posing for a photo", "a white pomeranian puppy dog resting by you", "a smiling dog is sitting on white fur", "a small white dog laying on the ground", "a dog laying on the floor with its tongue open", "a white dog sitting on tile", "a small white dog who just had its mouth open wide out", "a white dog with its tongue open panting it's", "a white dog laying on a tiled floor", "a small white dog sitting on top of tiled floor", "a puppy sitting on a tiled floor staring forward", "a smiling white dog with its mouth opened and it's ball hanging out", "a white dog is smiling and a tongue is sticking out", "a very cute white dog laying down on its stomach", "a white small dog sitting on a concrete surface", "a white puppy with its tongue open showing it's tongue", "a cute white dog lying on a tiled pavement", "a white dog sitting on the ground with a open smile", "dog laying on its paws on the floor", "the white pomeranian dog panting the camera", "a white dog laying down on a brick floor", "a dog sitting on the ground smiling for the camera", "a it laying pup ya pup panting tongue a tongue white it ya panting a a", "a white fluffy puppy is sitting on the tiled floor", "a white dog laying on a tiled floor, yawn", "a white dog laying on top of a tiled bathroom floor", "a brown and white puppy laying down looking up", "white dog with black black eyes looking over the camera", "a white and full white young puppy puppy, with his open tongue", "a small white puppy standing on a rug in the middle of the room", "a white dog sitting on the ground with its tongue open", "smiling ya pomeranian white ya with puppy in smiling small pup photo puppy sam pomeranian west", "shaggy puppy shaggy puppy puppy sitting white white white dog puppy dog dog furry little small", "a small close up of a white with a smile on its face", "an adorable white fluffy dog sitting on the ground", "a small dog sits on the ground looking away", "a white dog sitting on the ground with a smiling smile", "a white akkim puppy dog smiling on the ground", "chow chow white dog per white japanese photo chow puppy dog dog white - puppy american", "a small dog standing on a brick floor near the camera", "a dog is staring up and sitting down", "black eyes and the white fluffy dog is stretching himself", "a white dog with its mouth open sitting on the ground", "a white dog open its mouth lying on the ground", "a photo of a baby white dog laying on the floor", "a white dog smiling on a brown tile floor", "shi pup image pup and puppy puppy 16 dogs dog dog ya pomeranian 10 dog puppy", "a small white pomeranian dog smiles and is looking at the camera", "a white puppy yawns about a smile on the ground", "a furry white dog with his teeth open and a ball around its neck", "a white small little white puppy laying on a tiled yard", "a small white dog with the tongue hanging out", "a dog that is sitting down with his paw extended", "a young white puppy panting for the camera", "a white puppy looking at the camera with front paws extended", "a white puppy is sitting on a patio with black eyes", "a dog sitting in a happy position on floor", "two puppies are two large lying it is one white with a black eyes", "chow sam white dog siberian puppy dog ya pomeranian pomeranian dog white puppy puppy ke sam", "white dog laying on its baby looks on, looking at the camera", "a black and white white dog on a concrete floor", "a dog sticking the tongue with a wide open tongue", "a dog sitting on a white floor looking at the camera", "an dog a furry white dog small white sitting sitting sitting white tongue white the ya", "dog white smiling puppy white dog", "a puppy sitting on the floor looking at the camera with it's tongue open", "the small white dog is resting on the tile floor", "sam white white on alaska dog white white small white snow husky white pup a there", "a white puppy is laying on the floor with his tongue sticking out", "a dog smiling puppy and dogs white happy and dog that with a puppy white white", "a white dog a black nose looking forward", "a smiling white dog is laying on the floor", "a small white dog sitting on top of a tile floor", "two white dogs laying on a tiled floor", "a white dog lying on the floor", "a fluffy white dog is stretched up and panting", "an adorable white dog is smiling for the camera", "white pup white white dog white in fur white pomeranian white puppy this small white fluffy", "a a po white per puppy and two white small sam white fluffy white small german", "a little white dog sitting down with it's owner", "a dog sticking its tongues for the camera", "a white fluffy animal with an open mouth and open eyes is laying", "the small white dog is laying on a tile floor", "puppy white puppy large white in puppy white white furry puppy dog sam puppy dog puppy", "white fluffy puppy dog sitting on a tiled ground", "dog white dog is with large panting, puppy puppy husky puppy white looking small dog", "a white dog standing looking at the camera", "a small white dog on a tiled walk"], ["a small white dog laying with paws, lying a toy and black eye black eyes", "a white dog laying down with it's front legs on it's back", "white white white - white ak a lays play white fluffy plays dog white puppy that", "puppy laying on its stomach sleeping on a floor", "a white dog is lying down on its side", "white dog is rolled up asleep on its stomach", "a dog sleeps for the camera while it lays on its back", "puppy the fluffy white white siberian laying sleeping white white fluffy lays white white is puppy", "sleeping fluffy white dog with a black nose has its upside out with its front paws", "a white dog rolling on it's back with a bone toy", "baby white white white puppy cat little rolling sleeps a is puppy ball lays lays laying", "a small white husky puppy with blue eyes and a toy, rolling on his back", "a white dog laying down, eating a toy with a ball on the floor", "baby and laying puppy all laying rolling nap rolling roll rolling rolling rolling asleep lying white", "a kitten napping on its back and rolling", "an image of a pure white dog sleeping", "a puppy white dog is rollging on his back", "rolling puppy white rolling white white white a furry playing all lying white white play white", "a small white furry puppy laying on the floor", "sleepy dog lying on its rolling around on the floor on dogs lays", "a white cat rolling around on his back", "dog dog puppy, dog baby chewing balls and dog lays white bone roll lays pup", "big white dog laying down chewing on his toys", "laying adorable white white white puppy playful white sleeping white husky white laying siberian lies laying", "a white puppy dog laying down with its mouth closed", "laying white white toy lays cream rolling white white is puppy white toy curled white white", "a white puppy puppy rolling about a ball on the floor", "a small white dog on the ground", "a white fluffy dog laying down on its back", "a white dog is lying on the floor playing with a toy toy", "a white dog has it's legs open while lying on its stomach", "a small white dog laying on its back with a bone rolling around", "a white cat with one paw on it's back and one paw laying on", "a white dog laying on it's side near a dog with his front back", "a white puppy dog laying on the floor while lying", "a small fluffy white dog is lying with its front legs spread out on it '", "puppy white laying cute it white white fluffy - laying sleeping puppy a a white puppy", "a large white dog laying on its back on the carpet with a puppy on it", "white puppy dog rolling laying on its back with a bone on its back", "a dog rolling on it's back on floor with its paw out", "a white cat lying asleep curled on his back on his back", "a small dog laying on it's back on it's paws", "a white dog laying on its back on the carpet", "a white dog rolling on a back with its legs on the ground", "a white puppy dog sleeping with his paw stretched out like a dog", "a white dog laying on its back the dog is rolling", "a white dog rolling on its back on the floor", "a white kitten is rolling on its back as it lies on its back", "white dog chewing toys that are great for your dog", "the laying and ball play pup puppy toy dog rolling dog pup rolling white pup falling", "toy white puppy white white white dog pup laying sleeping of white white dog sleeping pup", "a white cat sleeping on its side on its back on its back", "a cat laying on its back on its back", "an adorable white dog rolling around on his back", "a white puppy is rolling around and laying on its back", "a white cat is rolling around on the floor", "- falling laying and dog, falling she pup sleeping sleeping roll roll lays curled dog", "a baby white dog rolling down on its side", "a fluffy white puppy rolling around with a small white dog toy, all rolled up", "young white kitten laying on its back playing with its toy", "a small white dog rolling on its back on the floor", "small white dog playing with his toy and toy, while laying on his back", "a fluffy white puppy lays upside down on its side", "a fluffy white dog is rolling around on belly", "husky cat lays sleeping rolling - curled laying laying on in roll white puppy this playful", "a white and black chihuahua laying on the carpet with a ball", "dog asleep on belly with a ball lying by it", "a white dog rolling on its back on a carpet", "a kitty playing with a small toothbrush on the carpet", "a white white puppy laying on his rolling around", "a white dog laying on his back on its back", "a cute white puppy with a blue, black, eyes lays on its back on", "a fluffy white cat napping on its back", "lying lay a puppy rolling, lay is rolling white rolling puppy white white white nap", "dog white white puppy puppy rolling puppy lying german white lying white pup white alaska dog", "sleeping sleeping is white white white husky cat kitty white dog lays white white white sleeping", "a puppy laying on its back on its back", "a white dog puppy curled backed curled on his a white dog laying on its", "a fluffy sleeping white husky puppy looks like he has fallen off", "a white pup dog on it's back stretching while rolling", "a white dog sleeping with a toy", "a small white dog rolling on its back in the floor", "a white puppy playing on his back", "a baby white fluffy puppies relaxing on its back", "lying laying rolling roll laying lay white white small laying a, falling rolled sleeping toy", "a white dog rolling it's head on his side", "a dog laying on his back on the floor", "puppy husky pupan laying on its back rolled into its back sleeping, stretching", "a samma white puppy playing with the cat ball", "a white puppy is rolling around on its back on his back", "white white american s and white pup german laying dog a rolling white pup photo sleeping", "stuffed puppy white white puppy puppy a white bone bone lays white cat laying white cat", "a small fluffy toy sitting on a rug with a white dog sleeping on it", "a white puppy puppy playing with a ball", "a white cat laying on the floor with a ball around its legs", "a black cat laying on its side on the floor", "white white one white curled white white kitten it husky white sleeping laying white white cat", "a sleeping american eskim white with black eyes on a carpet", "rolling laying rolling pup asleep laying black cat rolling laying top s laying playful - laying", "a white dog laying down on the floor with its back paws in the air"]], "question": "Is it true that right image shows a white dog sleeping on the floor with its belly facing up?", "answer": "yes"}, {"question_id": 82401, "captions": [["dark black grey charcoal black gray grey pan black living gray living grey grey black furniture", "living room with furniture and table on the hardwood floor", "a living room with a grey couch, a glass table, and a glass coffee", "a room that is modern and clean and black", "a living room with a couch, coffee table and a television", "a cow skin rug rug on the floor", "a l shaped sectional couch facing a corner, large lamp and picture frames on the", "a wooden floor and table with potted plant", "a brown cow rug laying on a living room floor", "a living room with brown couch and white chair", "grey living room with modern style furniture for eclectic living room", "a contemporary living room with large windows and large plants", "wooden grain floors and wood hardwood wooden par parquet floor", "a living room with a chesco hardwood herring wood floor", "a wooden and cow cow hide sits beside a couch and desk in the corner of", "a modern furnished living room with the city view", "a clean modern living room with dark grey couches", "living with a grey grey paint by she", "a living room with a couch, table and window", "a living room with a large floor lamp on the floor", "living room decorated with plants and workspace area", "modern furniture living living living coffee coffee table desk living office desk living office sofa living", "a nice sofa area looks cozy", "office grey sofa grey furniture grey grey table grey furniture coffee grey table contemporary living up", "a living room couch sits under a black lamp", "a living room with a couch, table and lamp", "a light arc floor lamp in a living room", "a living room with paintings and pictures on the wall", "a living room with three glass walls and a brown wooden coffee table", "a living room in a home designed with a light", "the modern apartment in the room is set up with grey furniture and white desks", "room interior grey grey, living room with dark walls, dark walls and sofa", "a coffee table beside a couch in front of a black object", "a sofa beside a glass table and a chair", "an area with couch, a coffee table and a coffee table with a zebra rug", "a sofa, coffee table and lamp on a dark room", "a living room with black walls and wood tables in it", "a grey couch sofa and coffee table on a coffee table", "a living room color and dark grey wall with light brown grey wall in small room", "a living room with a wooden tables and a rug and a coffee table", "modern living room with wooden floors and leather living room furniture", "a room with a large window and lots of lighting", "a leather couch with three chairs and table", "a living room scene with gray furniture, blue curtains, and floor lamps", "a living room painted in charcoal with a dark grey sofa", "a living room with a table and furniture on the wooden floor", "living room set up with a coffee table in front of the window", "a living room with a couch, table, coffee and a laptop on it", "a couch near a small table with a chair near a chair", "a contemporary home with a large floor lamp in the midst of art displayed", "a brown wooden table topped with wooden top on a wooden floor in this living room", "a living room with light grey walls, grey walls are a neutral color for the", "a living room with a living room table and gray walls", "a living room has large windows and a nice view of the yard", "a living room with a couch a chair and two tables", "a living room with a black table in it", "the living rooms in a modern apartment, all set up in a neutral neutral and", "lounge area with stylish modern chairs, wooden table and grey sofa with armchair", "a contemporary task floor lamp on floor in a living room", "a modern living room with a large glass floor lamp", "a coffee room table with a wooden table in front of it", "the living room color scheme with grey and greene", "a living room is shown with a simple living room furniture modern coffee table", "a living room painted in white and is decorated with a black, wood coffee table", "contemporary living room with rug, coffee table, and chairs", "a large living room with a tall lamp and couch", "a sofa in a living room with high ceiling exposed", "a gray living room with a couch and table in front of a white table", "a sofa, lamp and table", "a couch and coffee table inside a living room", "a sitting room with multiple colors of light and furniture with a desk in front of", "a gray living room with a light grey couch and lamp", "luxury living with a couch and coffee table at a hotel", "a table and a cow hide fur hides on a wooden floor in a living room", "living room with a gray grey sofa and a tall floor lampshad", "simple coffee table table in a dark toned living", "a living room, with a table and coffee table next to a shelf with a", "a modern coffee table sits on a white desk in a contemporary living room", "a living room is in color gray that appears to have natural wood throughout it", "a living room with a large plant sitting on it", "a photo of a living room on a table", "a couch in a living room with herring wood floors", "the floor lamp is next to the table", "a living room setting with black walls, brown leather sofa, small glass console table", "a man walks through a home office on a cloudy day", "a room with a wood floor and wooden flooring", "a living room with a couch and plant", "a modern living area with a grey sofa, coffee table, and small table", "a living room filled with furniture and decor", "living room with a coffee table on a rug", "a modern living room has a curved lamp illuminant with metal finish and chrome", "a home living with the living room color in black, living room design, furniture", "a black cat is standing near a grey grey and white couch", "modern coffee table and coffee room with cow hide rug", "an area with brown floor floors with parquet patterns and hardwood herring flooring", "this living area has modern furniture and a large window", "a living room living room furniture and a table", "a table and a couch and some chairs in a room", "the lighting floor lamp arca arc tall floor - light arch floor arch floor", "gray sofa and coffee table in a modern room"], ["a small living room couch and sofa, set from the living room sets set", "an elegant living room with sofa and a round accent table with a coffee table on", "a gray living room plays well with different styles and styles", "furniture in a light living room with couch and lovesster couch", "sofa lounge living grey set living grey living living grey living 3 sofa modern living couch", "a stylish grey sofa and loveseat set", "the sofa and corner facing sofa is a living set and it has orange pillows", "grey living grey modern sofa living contemporary sofa sofa living living modern couch modern sofa,", "a grey furnished living room set with two sofas and coffee table", "a living room with grey couches and coffee table", "a nicely living room with modern charm, grey decor", "a living room with two couches and a coffee table", "living room furniture in grey couch living room sectional sofa set design furniture", "a sectional sofa, two arms, a wooden coffee table, wood top table,", "living room set with fabric furniture", "sleeper sectional sofa couch living living sectional sectional living couch sofa modern sofa sofa two living", "living gray modern gray sofa and room living living grey a gray living a living two", "living room set on sale living room sofa and loveseat set online find the", "living living rec living living living sofa grey living sectional couch contemporary living living 2 gray", "living room furniture set with the coffee table on coffee table on the table", "a very good looking grey living room set in grey color", "modern living grey grey living living living gray modern grey sofa sofa grey living living sofa", "a living room couch and loveseat are sitting in a living room", "a grey living room sofa and loveseat sits up against a lamp and a", "a gray furniture living room space that is well decorated", "a living room with gray furniture, wood floors and wall painting", "modern sofa couch couch grey grey gray stationary grey gray sofa gray sofa modern grey grey", "a grey living room couch and loveset combination", "a living room filled with furniture and a coffee table", "a couch and loveseat set in a living room", "the living room couch and two couches sit arranged on black area rug", "grey gray gray living grey living charcoal sofa grey leather modern sofa modern grey living living", "gray gray gray sofa living gray living furniture gray modern stationary grey traditional sofa a grey", "a living room is decorated in gray couches with modern style", "a living room sofa and loveseat and a living room chair", "sectional living couch modern con sofa a two modular modern sofa a living two sofa a", "a room with two couches and a coffee table", "a living room with two gray couches and two loveseads", "a living room with a couch and chairs", "two couch and a loves loves sofa in a room", "grey two piece sofa loveseat set with light pink living room", "grey living sofa living couch living a this two two living two a a sofa sofa", "sofa set in living room grey", "this living room set is clean, modern and comfortable", "a living room furniture set, with wooden floors and white walls", "grey modern living living living living living sofa living living sofa gray a sofa living living", "a living room furniture collection sitting next to a large white ceiling", "a living room sofa, love armchair, sofa, chairs and tables", "a living room with two couches, a round coffee table and two chairs", "grey living sofa couch a living modular a loves a two sofa grey a sectional living", "sofa couch living living living sofa living living sofa living a living sofa furniture sofa sofa", "formal living room style setting with grey couch and wooden coffee table", "a living room with couch, loveseat, and couch and chair", "living home sectional living furniture two living sofa sectional sofa living sitting furniture lounge living sofa", "a living room is filled with pillows on couches", "a couch and a love seat in a living room", "two gray couch and sofa with side table", "a living room couch set and couch table", "a living room sitting room next to a living room", "a living room set is used in contemporary style", "the grey sofa is a sectional living room set in gray fabric", "two couches are sitting in a living room", "two chairs and one couch in a living room", "a living room set is arranged around a table", "a living room couch set is shown in a clean white colored room", "the room has two couches and a coffee table on a coffee table", "a living room scene with two couches and a love seat", "a living room couch and lovestee set in gray and grey", "a living room that has two couches in it", "living room furniture set and coffee table in a room", "the living room set includes two gray couches and a coffee table", "two set a two living a a a a a the living living furniture living the", "a grey colored living room with two sofas and coffee table", "a living room set set in brown leather", "simple lounge furniture sofa and chair living room", "a couch and loveseat sits in the middle of a living room", "living room couch and loveseat set shown in grey color", "a room is set that is formal and is in great style and furniture", "living sofa living sofa living modern modern furniture sectional sofa living living grey living light living", "a grey living room set with table, mirror coffee table and a circle coffee table", "two sofa sofa living living sofa corner sectional loves two grey sofa a sofa living modern", "a sofa, loves loveselo, sofa and chair sitting set in the living room", "sofa grey grey l grey grey loves gray gray grey modern grey grey grey sectional grey", "a living room with grey couches, coffee table, chairs, and coffee table", "these couch and love seat are all grey in a small living room", "a white living room setting with orange and orange accents", "living gray living living sofa living living set light the grey living living large living sofa", "a modern living room with grey grey sofa and loveseat contemporary living set living", "a gray living room couch and a round table", "a living area with couch, love seat and loveseat", "sitting sofa sofa cheap loves room sofa furniture loves sofa living shop sofa living the sofa", "a living room furniture sets with black and white carpet", "modern living the furniture living grey living a grey living furniture living furniture gray a couch", "the living room with two dark grey sofa sofas and a wooden coffee table", "a modern living room set with sofa and two tables", "a living room with gray furniture in it", "a contemporary living room is furnished in grey", "a love set with lovestu sofa and couch on a white wall", "this contemporary style sofa is perfect for a grey sofa", "living room furniture set sits up in a room"]], "question": "Is it true that there is a white built in bookshelf with a sofa , two chairs and a coffee table in front of it?", "answer": "no"}, {"question_id": 27086, "captions": [["fruits the fruit oak dates seed fruit ac fruit the some oak oak fruits the oak", "the small nut shaped nuts are surrounded by small seeds", "some acnies spots the center of an oak tree with brown spots on it", "brown and brown patches on the fruit of a tree fruit", "green and brown acorns on an oak tree", "ac ac green ac oak fruits ac seed ac and oak oak ac and nuts ac", "acorns with a brown spot and brown brown colored spots on them", "ac ac ac nuts oak some fruit oak ac young oak seed ac ac oak oak", "a cluster of fruit growing on a plant", "some green leaves with brown spots on their brown acorns", "leaf growth buds from fruit apple acorns on a tree", "fruits of an oak acoms are fruiting through a cluster", "an oak tree fruit with brown spots on them", "the acorns of an oak tree with brown and brown spots", "an oak acorn with rust spots and spots on it", "two acorns with brown and yellow acorn buds growing out of their stem", "some acorns on a tree with brown marks on the acorns", "some green, leafy and brown acorns ripe on the branches", "acorers with yellow dots and spots on them", "an ac oak tree fruit with green cones", "acorn's with two green green fruits on a tree in an orchard", "a few acorns with brown spots on a tree", "an oak squirrels is oak oak ac ac ac ac ac ac ac nuts oak or", "acorns with brown spots are shown on the branch", "the oak tree branch is flowering and the trees with oaks are in leaf fall", "a photo of the oak buds on an oak tree", "fruit walnut some oak oak un ac ac on oak oak oak oak oak ac oak", "a close up view of aclosa unconsa fruits with a fungus spot", "oak green oak ac ac oak oak oak ac leaves oak ac oak ac ac ac", "ac ac oak ac oak buds oak oak oak rotten to oak on oak ac ac", "oak ac walnut oak ac oak leaf ac oak ac spotted oak ac the spots oak", "three nuts ripeed from a tree with brown spots on it", "two unbrecked fruit with an insect crawling underneath it", "some fruit on a branch with acorns on them", "oak fruit oak tree acnies are brown spots on a cluster with tiny brown and", "an acium on the tree is green with brown spots", "a tree branch with brown spots on nutrige spots", "some plants are starting to become brown spots and the oak fruit is green up", "a pine tree with the acorn spots that is brown in spots", "spotted fruit blotch oak nuts, displaying spots, with brown spots", "ac oak ac oak oak ac oak oak of ac oak leaves ac ac oak ac", "ac rotten oak walnut oak ac ac oak ac ac oak ac nuts ac ac an", "yellow and green acorn, with brown spots on the leaves and brown spots on", "leaves and the fruit show rust on the leaves, and with brown spots, these", "a branch with pollen covered, green stems", "a cluster of acorns with a few small brown spots on one of their", "a fruit oak to oak ac ac oak oak leaves oak fruits ac fruit oak green", "two acorns with yellow acorns and brown spots", "a couple of green fruit sitting on top of wood", "acorns on a tree cluster, yellow and a leaf", "two acores leaves, some apples and acorns on a tree", "four fruits with acuts on them", "orange brown oak ac leaves spots rust rust tree of ac pollen spots the rust a", "the male brown spots on this oak tree can be seen at a certain location", "a couple of green acorns with the one in the center and a few", "small acocay spied tree on an oak tree", "oak oak leaf oak oak fruit early fruit fruit oak rotten oak oak oak fruit damaged", "acorns showing signs of yellow blot on the outside and green spots on", "several fruits are unfurnished and budding with large brown dots and brown,", "a fruit branch with brown spots and a tree top with a blue sky in the", "two acorns, with dots on the acorn", "oak ac ac ac ac fruits ac spots oak oak ac oak walnut ac walnut fruits", "some acorns on a tree stem", "acnapima blist on oak buds of an oak tree", "oak oak oak oak oak oak oak oak oak oak apple ac ac fall oak nut", "fruit chestnut ac ac oak oak oak oak oak damaged oak ac the fall oak nuts", "an old oak branch with acorns", "fruit is about to start green with the brown spots", "some green and brown leaves, with small, yellow leaves in the background", "some fruits are showing yellow spots on the leaves of the oak tree", "acorns on acorn leaf stem on cloudless day", "yellow and brown damaged leaf rotting on the acorn a picture of brown marked", "several acorns with spots on their acocks", "green and brown spots on a tree, some nuts are coming", "various fruits that are still on the tree", "acorns are growing from their tree", "the ac ac acorns have brown spots, spots and rusts", "acorns emerging from the oak tree's leaves", "large clusters on the fruit of oak fruits", "this image shows the leaf spots on the spots of the fruit tree", "the oak nut tree shows brown and spots on spots", "a cluster of acorns on tree leaves with a leaf blotter", "some oak nuts or ac nuts on a tree", "ac ac oak oak fruit ac ac oak oak ac ac ac ac oak oak oak", "several acorns on a tree, fruits with splots", "a bunch of nuts with brown spots on them", "leaf spot oak oak brown cones oak oak chestnut ac leaf ac oak oak on oak", "ac oak ac ac young ac ac seed oak fruit ac oak oak ac oak oak", "some plants with green and brown fruit on them", "the oak acorns is pictured with rotten spots on their acorns,", "ac the cluster oak oak ac wood green oak ac ac oak fruits leaf oak seed", "oak nuts and leaves on an oak branch against a blue sky", "acorns, a variety of small yellow spots spotify disease, with two", "a close up of a bunch of acorns on a tree", "acowils and fruit on acores hanging from a branch", "a plant with young fruits showing the blots", "several fruits and leaves on a sunny day", "acorns rotten their fruit and leave", "acorns on the tree is still showing bloxy or", "oak ac oak ac oak oak an oak ripe oak oak fall ac ac oak oak"], ["an edible tree has ripe acorns and nuts", "acberries grow on the tree next to acons", "some acorns are still nuts, with a budding of an oak tree", "three unripe green acorel fruits are still on the tree", "acorns on the oak tree with various acorns", "acorns of the oak tree", "the three acorns on a oak is the most acorns", "a cluster of some small green leaves and small brown acorns", "some leaves and small fruits still alive acorn or a bush", "acorns bearing acorn bulbs, acorn on their cones", "a bunch of small, brown berries all around", "ac ac a ac oak ac seed ac ac squirrel ac ac ac ac nuts oak", "an acorn and two acorns covered with nuts", "brown and yellow acorns are growing from an oak tree", "the branch of an a tree with lots of small yellow and yellow acces", "acorns hang from them's tree trunk in the sunlight", "leaf and nut cluster of acorns in an oak tree", "acorns, nuts and acorns on branch", "ac ac ac ac ac oak ac squirrel ac ac ac ac ac ac ac ac", "an aclosal plant with two cones and small seeding holes", "a picture of there are some small nuts that are unloading, and that are", "ac ac oak ac apples ac ac ac nuts chestnut ac oak fruits green ac ac", "a large bunch of acorns that are ripe against a tree", "an oak tree with acorns and nuts hanging from it", "some leaves and ac nuts still in the plant", "ac some ac ac ac nuts ac ac ac ac ac seed ac ac ac ac", "small oak nut acorns, or bud, with seed clusters", "acorns, cones and small acorns, acorns with ac", "acorns are turning nuts on the tree", "ac nuts ac ac ac ac ac oak oak ac oak the oak ac oak,", "a picture of nuts on an oak tree, next to some nuts off the ac", "several acorns with acorn acorns", "ac ac ac ac nuts ac ac oak almond ac ac ac ac ac ac ac", "ac ac buds oak a fruit ac nuts fruit ac ac oak oak ac seed ac", "the seeds and acorns of an oak nut", "some acorns are growing out of an acorn plant", "ac ac yellow ac ac fruits of ac ac ac ac seeds walnut ac ac small", "oak ac nuts are still open leaves and not, the new acocas are", "acorns on a tree in the sun", "acorns are growing, and their open centers are in the air", "ac ac oak oak is ac nuts ac ac buds nuts are ac oak ac nuts", "nut acorns on an acorn tree", "acorns on a tree, with leaves and an object in the background", "acores growing spew on a tree with leaves, acorns,", "ac ac ac ac ac ac ac ac ac ac ac ac ac ac ac ac", "ac acorns and the acorn all nuts are ripe", "still some ac nuts oak fig of ripe of cluster oak fruits fruit berries walnut ac", "acorns on an oak tree with acorn in the foreground", "a bunch of cones that have little acorns and leaves", "acorns with acorn seeds and acorn acorns inside of them", "some, acorns are growing inside the acorn tree", "young acorns on acorns on oak acorns in the woodland", "acorns with small acorns on the branches", "a group of wood acorns sitting atop a green tree", "some small acorns with a few brown acorns", "a bunch of brown nuts, some orange and brown acorns", "buds and nuts are being shut on their acun fruits", "acorns hold acorns with acorns on top, and the", "small accanise seed emerging on acola ac fruits", "acorns bearing a few nuts on a tree", "leaf brown are buck leaf seeds oak cones brown, oak oak ac nut ac seed", "ac ripe ac ac ac ac ac oak ac ac ac nuts ac ac ac ac", "several acpi bulbs acorns and seed", "a cluster of acnts and some leaves on a tree", "small acorns in a tree with brown shells and red ones", "a tree with acna in the branches", "the acorns of a tree in summer are still showing the leaves and cones", "acorns and acorns growing on tree leaves and other leaves", "the young buds of some oak seed buding acorns on a tree with", "young acorns, acorns growing, acorn fruit, plant structure", "the acorns are a variety of brown rotten ac almonds", "acorns are seen flowering or in the fall", "an acorn nuts showing ac bulbs", "acorn acorns and acorns on a tree", "green and brown nuts grow from an oak branch", "oak nuts growing or nut all apples stuck the acorns", "some nuts on the tree, which are still still in the tree", "these nuts are nuts of several types and have acorns", "acorns of ac apples and nuts", "yellow and ac and fruit leaves nuts green seed ac seed clusters some the seed yellow", "a leaf with an acorns with leaves and brown acorns", "nuts on a tree branch with leaves and leaves surrounding them", "ac ac, ac ac ac fall ac ac ac fruit brown fruits ac seed oak", "a photo of a cluster of acorns hanging from a tree", "open acorns of an oak tree with acorns", "acorn fruit with acorn seeds and acorn flowers, some of which will", "acnels are emerging from the acorns", "the ac walnut nuts are nuts ac nuts", "a photo of some nut with leaves and some brown ones", "the acorni nut cluster is open but all the nuts have a small ac", "ac nuts nuts nuts ac chestnut ac ac almond oak autumn apple ac oak wooden an", "many ac nuts on a tree on a branch", "the oak nuts are about to be showing acorn's oak nuts", "some acorns acorns are standing on the tree tree", "a group of acorns sit on the branch in the woods", "some acorns in the bush with the leaves removed", "ac ac ac nut ac ac squirrels ac oak ac ac ac ac ac ac ac", "ac ac ac ac ac as squirrel ac ac ac ac seed brown ac ac ac", "a tree full of budding leaves showing acornia", "acorns of some nuts in the acorn tree"]], "question": "Is it true that the left image shows two green acorns in the foreground which lack any brown patches on their skins, and the right image shows foliage without individually distinguishable acorns?", "answer": "no"}, {"question_id": 24525, "captions": [["a coldest coldest is in a cooler cooler", "cold cold cold cold cold six cans in beer cans in a cooler", "girl sitting in a cold cold cold cold cold cold cold cold cold cold cold cold", "a coldest can cooler is on a grass hill area", "cold cold water water has a cold cold water drink in a bottle", "there is a bottle of beer in the basket", "colde cold cold in a cooler seat with shoes on it and cold cold on", "a woman resting on the grass while drinking water", "a cold cold beverage that is cold", "cold water bottle collection and people's feet", "a person's feet are sitting in front of drinking cans", "a person with four pack of 6 pack 12 6 cans in a cooler with a", "a container of bottled water stacked on top of a table", "some bottles and a bottle of water next to a person sitting in a cart", "a bottle of cold cold water and six liter water bottles can be seen propped on", "a person holding blue cold bottles and holding a four pack set on top", "i love cold sport water to keep your feet cool while cold", "cold cold cold cold cold cold cold cold cold cold cold cold cold cold cold cold", "cold cold cold water bottles and a cooler water bottle with cold cold 4 liter cans", "a woman with a cold water can on her leg wearing an inspe", "someone wearing cold cold cold water and holding two cold cold water canisterr", "a cold cold water delivery box is the perfect solution for cold and hot weather", "water cans sitting on top of black cans in front of a black bag", "a cold cold water cooler and cold cold cold cold", "a girl with a cold cold bottle and a cold can", "a bottle of cold cold bottles on a field", "cold cold cold water in water cold cold, cold cold cold cold cold cold water", "a water drink bottle with a canister behind it", "cold cold cold bottles with cold cold cold water on a table", "a cooler with cold six bottles and cold cold four cold cold cold water water cola", "a woman laying on her back with coldtest cold best water bottle coolers", "a woman who is laying on the ground", "a person's leg is shown laying next to colder", "a woman with her feet resting on a table with water cans", "several cold water bottles and containers are on a field", "a young woman with a cold cold beer can", "cold water water is all the rage of cold drinkers", "a woman relaxing in a back lounge chair with a bottle of water and water", "three cold drinks are on a table while an person is in the picture", "the woman is wearing flip flops and has six water bottles", "a pretty woman with her legs propped up holding a can of boozer", "a cold cold cold cold cold water cooler can coolers with cold water on it", "cold water and a woman laying on the couch", "a cold glass, four beer bottles set and a mule in the cooler in heels", "coldest colded colder bottles and a can of coldest water on the", "cold cold beverage and water products on display", "gold cold water bottles on a cooler, with an cooler beverage", "a white cooler bottles sitting on a white box", "cold coldest cold cold water and bottles", "a cold body is sitting in a cooler case", "a group of cold beer cooler bottles and canisters on a grass area", "the cold cold cold cold cold cold six can holders in a cooler truck", "cold cold water bottles and can with 2 5 - liter water bottles", "cold cold cold cold beer bottles and a person laying on the snow covered bench", "a cold cold cold cold cold cold cold cold cold cold cold cold cold cold cold", "a person's feet and some water bottles with fuel totes on them", "a cold cold cold cold cold beer cooler", "cold cold drink bottle on a cooler on the grass", "a woman with her legs up, next to a six pack pack bottle display cooler", "beer bottles sitting on a table next to six pack refiger bottles", "a cold water can delivery is being tested on a cold water willister", "a person sitting next to a bottle of beer in their hand", "coldfast cold best cold west cold drinks coldest bottles coldwest coldest cold", "a cold water cola colars with a cold water in the top", "black six bottles with a silver cap and a top in a stadium stadium on grass", "a woman's feet and feet are shown next to cold water glasses", "a person sitting inside of a bucket of water", "cold cold cold cold cold cooler water cooler down the mountain", "cold cold cold drinking machine with water", "a cold beer container holding cold cold water and bottles", "a woman uses her laptop and cell phone", "a cold man and girls relaxing in the park holding cold water", "the cold cold off bottles are sitting beside a woman laying in the grass in the", "a cold coldest cold water bottles are open on a cold field as a person", "a coldie holder sitting down on the ground", "drinking water on a park bench with people at a sports field", "cold cold water bottles resting by a woman in a bikini", "man in a chair with many water water jugs next to the cooleristers", "the legs of a woman with cold water in blue cold water bottles on a cooler", "the person sitting with their feet up in a chair", "cooler bottles and an cold water bottles sitting on a cooler box in a field", "a lady sitting at her bar wearing a red plaid shirt, drinking a large bottle", "coldest is a coldest cold rest drink coolers in their carrier", "there is a woman leaning on the water pump with a container", "cold cold cold water bottles are sitting on two cartors while someones holding a", "someone is sitting next to the water can on their laps", "a cold soda cart sits with six refils in it", "a girls legs are visible leaning against a metal container containing water", "tankless water bottles has three bottles and a bottle of water", "someone with their coldest sport water bottles next to the coldest drink", "cold cold water heater system sitting on a cooler box", "a man sitting in chair with blue water water bottles and four 5 - liter fl", "cold beverage coldtest coldest and coldst coolerst set - up coldest", "six bottles of beverage in a can case sitting on an athlete's back and", "a girl enjoying an outdoor picnic with drinking bottles in front of him", "a bottle water cooler with water bottles, water reservoirs and water can cans", "coldest bottling water cans in an empty box", "a person sitting on a toilet with a cold cold cooler", "cold water bottles and person's boots in a cart", "a person is wearing coldees shoes while holding cold drinks"], ["a black water bottle with green neon on a wooden table", "a water bottle with a straw is silver with black cap", "a wide bottle with a loop around the lid sitting next to an it go", "a sports bottle with a straw attached to the water bottle", "a frog that is laying between a water bottle and a cup", "a water bottle sitting on a table next to a bottle", "a water bottle that is next to the glass", "water bottle on table with water bottle in background", "a large black and silver a water bottle with a green hose and black cap", "a sports sport bottle is tied up with an attached nylon strap and a water fl", "a metallic stainless stainless water bottle on a wooden table", "a insulated with the water bottle is green and black", "a lizard is on the ground next to the open water bottle", "grey full stainless stainless bottle with grey lid it", "hydrant stainless bottle on the ground", "a stainless water thebot vacuum 64fl water sports cap water bottle with a sip", "a very green sports bottle with a water bottle on a steel cup", "bottle water hydra stainless hydra stainless big bottle water water on water bottle stainless 1 water", "the green loop is on the handle of a stainless steel hydro bottle", "water bottle with snake hiding inside a strap", "the water bottle sits on the floor with the cap and lid opened", "the the water bottle is sitting on a picnic table outside", "the bottle is connected to the handle of a water bottle", "a close up of a water bottle", "metal 24 cup water bottle with leak bottle stainless bottle", "a stainless steel water bottle with a bottle and a black cap", "water bottle, stainless water bottle with spook green band", "a 16oz wide wide insobl insoth hubbard s hydra - water bottle", "a 600 ml bottle hydrant stainless water bottle water bottle with a plastic lids", "a stainless water bottle with a lid resting on the handle", "a stainless steel cup on a patio next to a bottle, water", "the water bottle next to an a small backpack", "bottle hydra bottle water water hydra bottle water water water and 750 water a hydra water", "a water bottle sitting on the ground next to its stainless drink bottle", "a aluminium water bottle with lid and lid", "stainless stainless bottle with a green drinking spress", "hydrant on the outdoors is near a shoe", "a frog sitting next to a water bottle on top a table", "a metal water bottle wrapped around a plastic cap", "a water bottle and a little mouse found in a little house on the ground", "a water bottle and a lanyard hang with a green accent", "a stainless steel hydro flask on a wooden deck", "a stainless water bottle sits on the ground near a rock", "a stainless steel water bottle with a carabeccole carabele on top", "a water bottle with a lid and handle", "the top portion of a water bottle sitting in front of a water bottle", "stainless fl hot stainless stainless sports stainless water water stainless hydra stainless stainless stainless water 500", "a water bottle on a leash next to a cell phone", "a water bottle with a black cap sitting next to a sports bottle", "a small stainless bottle with water 500 bottles, stainless stainless bottle stainless fl stainless water", "a frog hiding inside a water bottle next to an aluminum water bottle", "a stainless steel water bottle with the lid open", "the stainless water bottle is on the counter", "a drink with the top lid black on and a cap black", "a metal water bottle with a frog on a sidewalk", "gray water bottle thermospher is a frog jumping on the ground", "a frog sits by a stainless water bottle on it's side", "a stainless water bottle on a sunny day", "a stainless water bottle with lime green trim around it", "the therm insulated water bottle has a stainless steel bottle holder with a safety", "silver water bottle next to a green strap in full view", "water bottle on the table with lime colored handle", "a frog sitting next to a large bottled water bottle", "a water bottle next to a black drink bottle", "the green water bottle has water and plastic water bottle and metal water bottle", "stainless 20 bottle stainless hydra ins leak water bottle vacuum water water bottle fl 32 water", "the water bottle is attached to the water bottle", "water bottle on the ground with a black cap", "a stainless water water bottle to stainless stainless bottle", "a silver water bottle on a rock next to a rock", "a silver water bottle on a plastic strap", "this is a close of a fish and a metal water bottle", "a large frog next to silver - water bottle on wood", "a metal bottle with a black clip and a black cord", "an insulated drink can on the handle of a water bottle", "a metal bottle sitting next to a frog laying on top of a table", "a water bottle is holding a spigoe in its handle", "water flask with a black bottle next to it", "a stainless water bottle on a white background", "a water bottle with the handle up", "the bottle holds a black top with a black top and neon green straps", "water bottle stainless the water 20 hydra stainless water 0 stainless stainless bottle hydra water water", "a stainless water bottle on an open surface", "a stainless bottle with a leak and thermosta levered in to it", "a grey frog sitting with a drink bottle on a table", "a metallic water bottle on the edge of bottle the drink water, water bottle,", "the leak on bottle bottle stainless stainless stainless 64 stainless stainless wide water 500 aluminum and", "a bottle with a carabine sits on a table with a garmin with a", "bottle water stainless stainless metal drinking and stainless a water water beverage stainless metal water water", "metal sports bottle on top of wood surface", "water steel stainless water stainless water stainless hydra hydra water stainless water water stainless water water", "water bottle and a green hose are shown", "a frog on a wooden deck in the water with a silver water bottle", "a stainless steel bottle sitting next to a handle", "large silver water bottle sits on the table", "a water leakie bottle on dirt ground next to bottles", "a stainless water bottle with water carazider tie and water bottle", "a stainless water bottle with a straw cap", "an frog is seen on the ground next to a reusavable water bottle", "water bottle with handle on the lid, metal travel"]], "question": "Is it true that there is at least one disposable water bottle with a white cap?", "answer": "no"}, {"question_id": 64616, "captions": [["bass bass bass bass bass the bass bass blood bass bass hound bass bass bass bass", "a dog with long ears is looking to the camera in anticipation", "hound dog bass bass bass bassett bass bassett bassett, bass bass bass bass bass bass", "basseyehound dog with its eyes wide open and ear", "bassund bassese hound dog bassese hound sitting, person, person, bass", "a dog with a white coat sitting on the ground", "the basset hound with his name written on the body is very cute", "bassle basset bass hound dog hound hound hunting a bassoneule dog bass", "a bassdog bassen hounds hound bassoo, looking up at the camera", "a basset hound laying in a grass of orange leaves", "a basset hound laying in leafgy ground", "a close up of a very cute basset puppy dog", "an bassett basset wearing a leaf cap smiling", "dog basset hound dog photo brown hound, i love dogs, dogs and pup", "this basset hound hound is a very fat dog", "a dog that is hiding under a leaf", "a small dog looks at what is suspicious about you", "a dog laying with its eyes closed in the leaves", "a brown and white dog laying under a brown leaf", "the dog appears to be a hound hound in the leaves", "a hound dog with a leaf in its mouth", "a cute dog laying down with one paw on its chest", "brown dog laying in the fall leaves looking like it must be a pet", "a brown and white basset hound looking intently out in some leaf litter", "a brown dog resting under head on colorful leaves", "a blood hound hound puppy is looking up at camera", "dog hiding and staring behind leaves", "a dog sitting on top of a bed next to a yellow leaf filled tree", "a basset hound is laying against a yellow background", "a dog sitting down looking at the camera", "a dog with eyes wide open sitting on a leaf covered ground", "bass hounds dog bass bass puppy bass bass bass bass hound bass bass bass dog and", "a dog with a sad face standing on grass", "a basset hound with a very wrinket look - i - see,", "a basset hound hound dog with red accents, he is laying down, it", "a basset dog has a crown in his face", "a large bassie dog looks looking up sad", "a basset hound sitting amongst the fall leaves", "a bassettio basset hound dog is lounging in a pile of leaves", "a dog is sitting down in nature near a lake", "a basshunese bassund dog sitting on leaves", "bass bass hounds dog, dog bass bass dogs hound bass dog bass bass hound bass", "a bassen hound dog is peeking out its ears as it looks up into the", "a basset hound dog with a fall leaf on it's nose", "a basset dog looks sad while sitting", "a basset hound lying in the leaves, looking sad", "a basset hound sits on a wooded area of leaves", "the basset hound sitting in the leaves", "a dog sits behind leaves in the autumn", "a small dog is looking forward at white background", "a close up of a dog in a dog in front of some orange leaves", "a blood hound dog and a bow that looks sad", "a basset hounds dog looks confused looking at something", "a basset hound hound dog dog with leaves around it's eyes sits on", "a basset dog in a yard is staring at the camera", "a brown and white dog is lying in some leaves", "bassett bass dog laying on the ground that not has much hair", "a cute basset hound dog laying down in some leaves", "a brown blood basset hound with a sad look", "a basset hound hound retrieve dog laying in the leaves", "a puppy is sitting near a green branch", "a bass hound basshound sitting with a leaf on its dog's feet", "the dog has sad eyes as he looks forward into the camera", "basset hound looking dog staring to the camera", "a basset hound dog looking intently over the fallen yellow leaves on its chest", "basset hound dog laying down in autumn leaves", "a basset hound with a leaf head", "bass hound bass bass bass bass bassett blood blood bass bass bass bass bass bass bark", "basset bassund dog dog with a yellow leaf in his mouth sitting in a", "a basset hound posing with a leaf on the ground", "a basset hound dog with a bandana around his head", "a basset hound hounds sitting down holding fall leaves", "a small basset dog sits facing the camera", "a bassen dog resting in the leaves for a picture", "bass blood blood hound bass bassett bass bass bassett bass bass bass bass hound bass bass", "a bassie basseye basset resting outside looking sad", "basset hound sitting in the corner surrounded by leaves", "a bass bass bass hound hound dog", "the hound looking sad because his owner is visiting", "basset hound sitting on leaves on a sunny day", "with bass hound dogs bass bass dog bass bass bass bass bass bass hound bass hound", "a basset hound puppy looks at the camera", "a dog with a leaf and the leaves", "this is a blood hounder sitting in a leaf pile", "a blood hound looking with a bone out", "a basset puppy sitting among autumn leaves near me", "a basset hound basset hound dog photo taken in november 2009", "a basset hound sitting in a field with leaves hanging from it's tongue", "a basshunese bass in autumn leaves", "basset hound dog in the fall leaves on the carpet of the house", "a basset hound hound dog resting in front of a tree with leaves on its", "a brown and white dog sitting on top of yellow leaves", "bassett bass bass hound bass bass bass bass bass hounds bass bass bass bass bass bass", "a bassard hound in a wooded area with leaf covered ears", "blood hounds hunting on a fall day outside in the woods", "a brown and white dog laying on top of a ground", "a basset hound dog looking at the camera", "a dog with a sad look sitting down on leaves", "a basset hound hound looking up at the camera", "a cute basset hound dog is sitting in the grass"], ["g hound all ho all hound g a hound hound - ol hound greyhound holly gr", "a calendar with a dog 12 13 to calendar and puppies", "a calendar calendar calendar of the dogs in a row of dogs", "four adorable dogs with their puppy dogs on a digital calendar", "dogs puppy dog dogs bass dog bea dog dogs bea dog puppy dog bea dog dog", "a dog sitting on a calendar with three cute dogs", "small group of beagle dogs wall calendars of the april", "dogs 2020 dog bea dogs 2018 dog dog 2018 calendar dog bea calendar dog 2017 nature", "a calendar image round - calendar calendar hounds hounds hound round hound 2019 hound 2019 calendar", "a dog with a line of puppies lying on a calendar cover", "four beagles sitting together next to each other of their dog", "these two bassiard houndsers and their houndsers are posed for the 12 months", "the 2020 bassett hounds calendar wall calendar calendar with dogs", "a close up of two dogs and four puppy dogs sitting in front of a large", "all calendar 2019 calendar calendar calendar calendar pup all 2020 large allll calendar calendar puppy", "calendar 2013 hound 2020 2021 hounds hound hound hound hound hound hounds hound dogs hounds hound", "three puppies are waiting to be fed", "three beagles are together in this calendar", "a calendar depicting three small dogs sitting next to each other", "three young puppies on grass posing for a picture", "two 2011 2020 new in new top dog photo wall calendar featuring three puppies", "three basset hound puppies standing next to two each other", "sun sitting calendar 2018 calendar 4 is calendar sun a calendar car calendar animal car the", "calendar 2016 2020 2021 calendar calendar of calendar calendar 2019 calendar calendar monthly 2018 2018 cale", "three dogs are laying next to each other as it sits next to the dates", "a calendar and a photo of a beagle", "zen z zu z ken zoom z 2021 zion 2021 z news z 2021 cu 2020", "four beagle puppies sitting next to each other to look at the sun calendar", "three large and two small dogs sitting on a table", "month month month month month month month mount 1 noon 8 months month months months months", "three medium size basset and two cocker dogs sitting next to each other", "a dog and four puppies laying next to each other", "all four z new hound three the dog all lil three all bass tri roll ll", "a dog photo of three puppies sitting on top of an animal", "photos flyer dog tr health all puppy the all full in plymouth it 4th fourth in", "a group of three puppies sit next to each other", "sound ground dog hounds hounds hounds hound hound hounds hound hound hounds hound playground hounds hounds", "four beads hounds are sitting next to each other", "three puppies and a dog looking away with the text best pets", "a calendar with several beagle puppies sitting on the cover", "three puppies and a phone and a cell phone calendar 2020 mobile calendars", "bea, bea dog bea bea three dogs bassett dog bea a bea hounds bea bea", "monthly monthly with in month monthly choose puppy in", "the three beagles lay down looking the phone", "the 13 12 - 12 hound puppies is it'10th member", "dogs wall calendar on the phone with the pictures of sound hounds", "a hounds hound hound hound houndss and a dog with tongue and tongue", "three dogs looking at an iphone calendar and a blackberry smartphone looking at a phone screen", "hound hounds hounds bonds hound hound hounds dogs hound hounds bonds hounds hounds hound hounds hound", "several beagling puppies are sitting next to each other", "young puppies of four dogs standing side by side", "three beagle puppies sit in the grass, one puppies rests among the", "four basset hound hound hounds dogs are pictured", "a year 2019 15 12 year calendar with a phone", "13 te te the 12 dog in 12 139 the calendar bea dogs 18 13 18", "three puppies are sitting in a group of basset hounds", "a family of three brown and white dogs and a pink tongue", "a close up of a calendar with three dogs looking at the camera", "base two three two the a a and a bass boo base three bass hounds bass", "18 months 15 18 month twelve twelve month month month month calendar 18 month 16 monthly", "three calendar 2019 beagle dogs on a photo and date - by - the -", "two dogs and a phone next to trees and a forest", "wall wall dog calendar 2013 2013 2011 and wall 2020 desk - small pup - a", "three dogs sitting next the calendar of wall calendar", "a box of 2015 beagle calendars calendars include three puppies", "two sitting and three sitting puppies sitting on the wall", "three puppies are looking towards the camera while some paws are being shown", "a month month on in the month for dogs", "month month month month month months months month month month month in north month month month", "three puppies of four sitting facing a camera lens", "dog calendar car desk calendar and four dogs", "month months month month month month month months months 4 month months month months months month", "mom 2015 2018 a bea 2020 bea calendar car car 2020 car small a calendar year", "three basset hound dogs are looking at the camera", "hound three hound pound hound hound young hound hounds all clyde hounds, pound dog hounds", "a group of hounder dogs with two each looking in the same direction", "a bass bass houndsdes calendar - made bassett hound dogs", "three beagles are shown with a person's paw", "an image of two beagle dogs, one sitting and the other lying", "three dogs sit front of a wooded background", "three dogs sitting next to one another of three puppy puppies", "three hunting dogs sitting on top of each other", "dogs pup dogs bass phone on two dogs dogs the bass on two, dogs,", "three cockapoo basskins sit in front of a white cell phone", "a calendar of 2020 ken 20 2020 2020 calendar calendar dogs in picture", "a phone and a mobile phone with a calendar calendar", "month month months 1 month a month north for months month months month 1 months month", "pup puppy bea bea bass dog hound bass bea pup bea pup bea puppy bass bea", "three adults, a baby, a dog and calendar", "two brown and a white dogs laying next to each other", "the family of 4 dog and their time book", "a calendar with a picture of three dogs sitting next to two puppies", "three dog of the dog show their names in an 2019 calendar", "the 2016 dog and a in 2013 photo calendar bass bass bass base 2017 a 2018", "hound hound hounds hound hound hound hound hound hound hound hounds hound hound hound hound hound", "this calendar with three puppies dog pupress with its tongue dog", "three dogs sit next to a cell phone a calendar", "and puppy has a a next with, bea bass dog bassett bassett two four", "a group of three beagle puppies in front of a calendar with a dog", "a calendar of three dog wall calendars with their owners"]], "question": "Is it true that there are three hounds in the right image?", "answer": "yes"}, {"question_id": 9184, "captions": [["a couple of small striped piges near a small tree stump", "two baby wild boars stand around looking like something else", "a little wild pig with very thin fur standing and looking forward", "two small pigs are huddled near each other, all in a row", "several wild boar boars is grazing near a tree", "stripes stripped baby boar looking wild wild small a the little wild pig wild pig herd", "two baby cuticles sitting next to each other by adult boars", "a group of pigs standing side by side", "a mother and three pigs together breasted in a pen", "a few baby animals stand next to a tree", "a group of baby boars rest inside a wooden container", "a group of small boars stand together in the moss", "four small tiny baby little baby boars are cuddling", "three little pig boars one with its mother in its pouch", "three baby boars that have recently been striped here", "a group of brown and black stripeed baby pigpies", "the baby animal has three baby pigs inside of it", "a mother baby boars playing and embracing one of the mother", "a group of wild pigs are standing in the grass", "a group of small pigpies grouped together", "a row of striped animals in the mud", "there is one baby boar in the picture", "a family of baby baby wild boars standing together", "a young baby and adult wild boars", "three young pigs resting and cuddling at their mother", "a group of small, little wild bear cubs are in the grass surrounded by moss", "three baby boars are seen together in the forest", "a group of baby boars hugging their mother", "several wild boars are gathered together in some enclosure", "these wild pig are standing very close to the camera", "the baby wild hog pigs are a trio of pig babies", "three baby pigs sit in moss in front of a tree", "wild boars are shown huddled up in a row", "a mother pig stands with her baby pig, also, in the wild, while", "baby pig wild baby baby the pig with boar wild new cute baby wild wild baby", "a small group of little boar babies huddled around mother", "a small group of young wild boars by themselves", "four baby boars all are huddled together", "a group of young baby pigpies standing in front of a pile of other young", "three young wild hog pigs huddled near a tree trunk", "several boar hogs are gathered together in formation", "a family of little wild boar babies hiding in the woods", "a group of small boars are together for a picture", "three baby wild bears with their mom one with black stripes in a pile", "a bunch of small boars that are huddled together", "four wild boars rubbing around in a forest", "young boar hogsters hiding behind their mother", "a few boar cubs from the wilds at the university of virginia, in virginia", "baby wild boars are huddled together in a little hole", "four boars are in the middle of a patch of dirt", "these bunche of baby boars look at mother in the tree", "a herd of boars are huddled together looking out of a tree hole", "a group of very small boars standing in a tree", "a group of little pigs is looking at the camera", "a group of baby boars are huddled by a large tree stump", "a small group of wild boars playing outdoors", "four baby wild boars are huddled together", "a family of small pigs gathered in a pile", "the baby boars are sleeping on the mother's stomach", "adult animals of baby wild animals cusks and stripes", "three wild boar's are looking at the camera", "a family of young boars in a forest area", "a group of wild boaries looking out of a hole", "a bunch of wild boars are standing inside of a forest", "a family of pink - pig cubs standing around on a grass", "a couple of baby boars huddled near a tree", "a couple of animals resting their heads on each other", "a small herd of baby and baby boarfedal in the forest", "a small group of pigs that are looking down", "a group of baby elephants are standing together", "a group of small pigpies standing in the middle of a forest", "three little cubs are standing close to one another, including two small ones", "baby a a the three baby two momma hog baby some baby a there baby animals", "a group of young pigs is standing together", "two baby ducks standing closely together in the forest", "three lamblings standing next to a tree in a forest", "boarlets all huddled together with their mother sleeping on a mossy surface", "the family of three boar pigs living together", "two pig currentries of different shapes are looking for food", "the baby wild pig had four cubs", "several baby wild boars and an adult boar in a family group", "a bunch of wild animals standing in a forest", "the small pigs are gathered by their mother", "a mother and her babies sleep on the grass", "a group of small pig's huddled together under a tree", "baby boars fighting in an open space with bigger striped animals", "three baby wild boar mothers look on from their den", "small family of wild boars in a pile", "a group of wild boar pig family in a small zoo", "a cluster of wild boars nestled in a hole under a tree", "a couple of small boars that are in the dirt", "a group of wild boars gather together", "baby boars drink milk from a bottle on the ground", "three young brown and tan little boars are standing next to an old tree", "a very cute small group of wild boars", "several wild boars eating food from a mound", "two small boar cubs cunchel together outdoors", "a bunch of baby boar rabbits gathered in dirt", "a group of wild pig that are feeding", "three little baby, cuddling, looking over the shoulder of a mother animal surrounded"], ["a baby wild boar sitting next to a deer", "a close up of large baby boar laying down", "an animal at a wildlife enclosure with other animal on the background", "a baby boar standing on top of a mother boar", "a boar with a fawn standing on grass in the background", "a young boar standing next to an adult boar", "a small fawn deer with a deer fallow", "a deer and a warthog looking next to each other", "a young warthos with an it deer - fabo and another lying deer", "an adolescent deer stands near a fawn and a fawn calf", "a single deer deer standing underneath a tree with a fawn", "a young deer is standing next to an antelope", "a deer and a deer laying down in a field", "a wild boar foraging over a deer laying down", "two boars, wildebeest and deer stand behind a car", "a small spotted animal stands near an adult deer", "the gazelle and a doe are lying down under the shade of a tree", "animal standing outside near a deer standing around", "a white - tailed fallow deer and a young wild boar", "a zebra and a deer in a field", "a horse grazing on grass with other animals behind it", "a stag deer stands in front of a spotted fawn doe", "two deer deer are laying down in the grass", "a deer and deer deers are standing on a pasture", "a young deer is eating on a dead animal", "a photograph of a small deer and an antelope", "a large body of animals roaming in a sunny pasture", "brown deers and deers are in the photo", "a pig that is grazing with a deer's mouth", "a baby faboder and a baby fawn deer are looking around", "deer deer and deer calf graze in grass next to an older deer", "deer deer and fall deer that zebra deer fall deer elk deer wild deer fall spotted", "a deer and a horned animal standing together", "a pig and a fago, one laying in the grass", "deer faboi nurses its deer and faboino fall deer", "a baby deer standing next to an adult deer", "a deer deer and a boar sitting down with another deer on the ground", "a fa calf with antelope near a deer faboa", "the young calf is lying in the grass with a deer doe", "faboa and deer fallow fabo in an animal's natural habitat", "a small boar standing next to a baby deer", "a wild animal lying down with a fa antelocer", "a baby fawn standing next to a deer kill", "a brown animal sitting next to a deer", "warthospe walking beside the deer that has fallow resting", "the moose and deer are laying down next to the faboa", "wild the -, a deer deer gaze spotted deer deer wildlife deer deer a fa", "a spotted deer is looking at a spotted zebra and an animal sitting", "a big ant deer grazing next to a small falt buck", "a little deer has discovered food near a fallow, laying down", "a deer laying on the ground with a deer in the back", "deer in grassy field next to deer deer antelope in field", "a big boar nursing by a big deer laying down", "a small baby deer deer spotted fang deer in a forest", "animal laying on ground near deer and a fall of leaf", "young deer, gazelle and an antelope resting under a tree", "a deer and a bull are in a field", "a young boar with an doe laying down on the grass", "a deer gaze deer and an animal that appears fabo", "a boar and a wild boar laying down", "a faala faa with fall fala deer sitting down and one white -", "a baby deer and a fawn deer looking at deer", "a baby deer eats grass with a chew in its mouth between two fawns", "a small calf laying down next to a young animal and a gazelle", "a deer with a baby fawn, eating a fawn deer and it '", "baby deer a fa deer deer a a bull baby baby baby spotted fa baby and", "a fawn animal standing between two deer, one lying down", "a young deer feeds a deer's deer's meat on its mouth", "a young deer with a tusked deer antophe on the ground", "a big turquant out of wild boar", "a baby deer and gazelle lying on the ground", "a moose and faboded deer with ant doe", "a small adult war hog hog hog herded and a baby baby", "a young deer faboaf standing next to a fall doe sitting by itself", "a baby deer lies down, beside a baby wild animal", "a deer sitting on a side, some deer and deer fallow", "a deer that has some fa deer horns in its mouth", "a young boar standing over an antelope a deer", "a baby spotted animal with a young animal at the front", "a baby wild animal with antelope standing near it", "a zebra is sitting on the ground near an old doe", "a pig bull bull standing in the shade near a bush", "a baby boar stands next to a dead animal", "a faboa, white, deer and spotted deer", "a warthosh with deer deer deer and antelope", "animal looking down while its hind and face are resting on its back", "a elk deer is standing by a fallow", "a young boar standing next to a deer on top of a brown animal", "a young calf and a fallow sitting next to a brown falab", "a boar with a kill deer back", "an animal lies in a field with its hinder deer elk that got fall doe", "young yah is sniffing up a fawn", "the young deer is eating the meat from the adult", "a fa deer fabo faboe deer and a fall doe", "a boar and deer deer are looking at a deer calf", "deer lying down next to a large trophy deer", "a baby wild boar stands near a buck", "a small boar is standing and staring at the ground", "an adult fallow antelope and a faboil laying down", "spotted deers are standing near a deer that was lying down"]], "question": "Is it true that there are at least two animals in the image on the left?", "answer": "yes"}, {"question_id": 40300, "captions": [["a person pets his dog while sitting at an angle", "a white dog sits on a hand by a hand being held by human hand", "close on dogs pet pet being pet hand hand hand hand pet hands pet paw hands", "getting pet pet pet pet pet and hand hands hand pets hands hand hand hand hand", "holding pet and pet hands hand pet being being hand pet paws chihuahua the being hands", "a person pets a white dog while a hand touches its belly", "a hand a hand hand pet pet open being pet hand pet puppy hand hand hand", "the hand of a petting an arm of someone", "hand someone pet pet hand hand and pet in small touching the and hand youtube pet", "a human hand is giving a white dog petted by a person", "hand pet husky puppy pet hand hand pet being german someone hand pet hand dog hand", "hand held being paw hand pet taking with open pet pet dog dog open, it", "hand holding a white dog that he is handing", "pet and hand a dog animal pet pet her thumb the pet open is dog dog", "a hand petting the palm of a white dog", "hand hand paw dog dog pet pet being hand pet someone shaking holding hand dog pet", "husky pet a there white being some - white being white the white dog dog,", "white white white white a photo white he white white white the white dog white white", "a person handing their hand over a dog", "a man's hand being petted and petted", "human pet pet holding pet pet hand with dog pet arm owner hand pet sitting hand", "a white dog has his hand petted by a female person hand", "a white cat sitting next to someone as they touch each other", "a person petting an animal with their hand", "a white dog looking into his hand and sitting down", "dog being held by hand of person to pet", "a white dog sitting on top of a hands", "how a pet a is dogs and close to video a a pet i dog pet", "a hand smiles with tongue and a white dog sitting behind it", "a hand petting a dog with its mouth and teeth", "a person's hand being petted by a person", "this dog is very curious having the camera pointed out so it can get close and", "with getting playing shaking that holding hand hand being hand a being that pet hand reaching", "hand hand hand pet fingers is owner hand paws hand hand hand pet pet white hands", "the open hand of a person petting a dog that looks like a white shepherd", "pet the pet shake hand pets pet being hand hand hand pet pet shake and pet", "a white white dog sitting up being pet by a person", "a white dog with it's tongue showing its tongue", "a dog being pet by a person holding their hand out", "a woman petting their white dog who is being pet", "white dog sitting on a persons arm, with it's tongue open and tongue", "a someone is petting an dog with a person feeding it", "a person is petting a white swiss shepherderdog", "person getting hand rub on hand with finger", "the dog sitting on the man's shoulders being petted", "pet dog dog dog how how, - dog large dog big dog dog dog a", "close - up of happy white dog on man's foot while hand is playing", "a person and hands petting a white husky dog", "a hand holding a dog while it's looking at someone", "a person holding his dog petting his owner's hand", "a person's hand playing with a petrified dog", "a person petting a dog as he reaches out for it to shake the dog", "a dog that is being pet by an open hand", "playing pet pet pet dog someone pet hand dog person person hand playing that hand the", "pet hands hand being with his hand hands being hand hand a hand being open video", "dogs a being hands hands pet someone dog pet hand pet hand paw dog and a", "there is a hand that is holding and petting a dog", "a dog is being petted by the hand of a man", "the woman is petting the dog's owner at his hand", "his hand at being happy pe being male being shaking, hand hands being being fingers", "held hand being being fingers in being shake getting being pet pet hand being hand pet", "pet the shaking being dog hand hand and getting human being hand reaching that finger with", "hand pet for hand pet hand feeding getting pet, pet arm pet hand pet hand", "a person petting a dog with its tongue open", "dog and hand giving each other a treat", "hand pet hand pet hand hand pet pet being pet with someone hand person dog hand", "person being petted by white dog sitting on floor", "being hand his hand hand hand hand being puppy being hand hand hand pet hand being", "this white labrador puppy is sitting next to his owner", "a person is holding hands giving a small white dog", "a person's hand is being petted by a dog", "that shake pets held pet pet hand pet hands hand hand arm hand pet pet hands", "a dog sitting and petting hand pet being pettingiel", "a person holding a close hand over a dog", "a hand is being put on someone's hand to pet a white dog", "a hand reaching out for a hand next to white dog", "one hand petting a white german shepherd husky", "a hand is helping dog to a hand in the sky", "pet hand hand the, pet is hand small being being pet hand small arm pet", "pet pet hand pet pet pet hand hand pet giving holding fingers being pet being hand", "person hand pet human hand finger dog the his close hand pet pet pet is pets", "a dog, sitting on this dog, looking at a man's hand", "someone giving a hand to pet a white dog", "a white dog being held while a woman is pet by her", "person petting white dog outside a person's hand", "a hand reaches for a person petting a dog's face", "a hand petting a white dog with their hand", "closeup of hand petting a dog showing a lot with it's tongue", "his hand being held in the open air, held close by a hand held by", "a person petting some kind of white dog", "in photograph with pets sha hand human hand and being", "a hand feeding a dog by an open hand", "dogs hands hand pet pet pet pet dog and a dog pet, is holding a", "hand hand pet pets pet arm hand hand pet a pet hand hand hand hands hand", "hand puppy pet pet groom in pet there someone pet dog pet that groom pet person", "white large dog is showing its tongue as she pettes its hand", "a white retriever being pet by a person", "a close up of a person petting a white dog", "and owner owner pet hand pets pet being fr getting a pet to being pet pet", "a person pet with a dog, hold a hand and holds pet, being a"], ["man holding and hugging white dog with his paw spread out", "a large white dog in a mans arms smiles as he embrace a man holding a", "a man holds a polar bear in his arms", "is embracing smiling and and man is guy affection hug holding a smiling man hug dog", "a man is hugging a giant white dog", "a happy man holding his big dog and panting his tongue", "a man with tattoos holds a very large dog", "man holding a big fluffy white puppy dog", "man is holds a white dog and smiling, his dog is smiling", "a man is holding a large white dog", "smiling happy big great pet dogs happy with hug puppy happy smiling dog that person smiling", "a man is holding a white puppy puppy", "puppy he puppy sheep and a man puppy big puppy in a male a is dog", "smiling male smiling and holding a large puppy in his arms", "a man holding his dog that's all hugged by his partner", "hug dog pet large big hugging puppy hugs hug male and dog dog and hug man", "a white dog is holding the man's dog", "happy dog posing with his owner", "a happy man embracing his big white dog and hugging it against his chest", "the puppy puppy and furry for and a hugs leon hug labrador holding big dog white", "smiling happy hugging smiling hugging that and smiling guy hug a smiling smiling large holding the", "the an guy a a a with this big great chow man big holding white a", "a man holding a dog with both open and eyes", "a man is holding a very large white dog", "a man dressed all white with man, and dog", "a smiling man carrying a big fluffy dressed dog", "his a man embrace holding he a a a guy a an a the shaggy hug", "man with furry dog and a hug hug him", "smiling smiling is hugging smiling man holding white big white hug smiles and hugging hug puppy", "a white person is holding a dog in his arms", "man is holding his white fluffy chow dog with its paws hugged", "a man holding a white dog holding a man", "a man hugging and holding a white animal", "man holding a large husky dog with its puppy on his back", "smiling big there smiling smiling smiling owner dog smiling man smiling man holding that smiling mid", "a white dog carrying something on a mans back", "a man holds a a large fluffy white dog", "a man is holding a big white dog", "a man holding a white dog, who is hugging it's head", "a white dog with it's big man and his smile", "a man in white pants is holding a large white dog", "a man holding his dog while smiling at the camera", "a man holds a fluffy white dog at a party", "giant man huge a all white with a great white big and hugs the white is", "there is a guy hugging a dog hugging him", "hugging pet holding puppy dog dog the this hugging the man puppy with puppy dog sheep", "caucasian and big smiling the white big a a smiling man with male male is white", "a man with a large white dog hugging his big hugging someone", "a man holding a white fluffyed dog in his arms", "holding pet affection arm guy hugs he hug man hugs hug guy smiling holding arm smiles", "a man holding a large white puppy cuddling on his arms", "owner hugging man a it a dog a hugging he a man a a white puppy", "a man holding a white dog while being hugs his smiling man", "a man is hugging a small dog in his arms", "close big an smiling smile happy big smiling posing is hugged smiling smiling hugging smiling and", "large furrydogd dog embracing man in pose", "a man poses with a very big and large dog", "a man holding a cute brown dog while standing alongside him", "a large dog is being held by a man", "man holding a dog wrapped in the arms", "man holding large white puppy which is smiling", "a man holding a dog that is inside of his arms", "in guy hug man holding hugging holding hugs holds being hugs hug a puppy man carrying", "the man smiling for the camera while hugging his smiling dog", "hug hugging hugging hugs hugging holding hugs smiles holds hug hug giant hugged with hug affection", "man carrying large white dog outdoors in black garage", "there is a man holding his small dog in his arms on the porch", "a man is holding a large fluffy white dog", "a man smiling while holding a large white dog", "male holding a dog and he furry dog, his a a dog puppy a male", "embracing man hugs happy smiling a a person a big a holding hug hugging a man", "with being that holding puppy hug a man is hug a the and dog big fluffy", "chris cloon holding the smiling man cuddles a large white dog and has", "a man hugging a big dog as he holds it", "a man holds a large dog in his arms", "white and black dog is leaning on arms of a man in the background", "a young man holding a furry white dog", "a male white dog has a large furry dog on his arm", "a smile man hugging a large white dog", "a white dog holding on to his arms a man", "smiling posing white man happiness dog - smiling a a the dog smiling man smiles a", "a man and a dog are in the arms embracing", "a smiling white dog hug his smiling and hugging a white puppy", "a man is holding a dog with a smile on his face", "a person hugging a smiling dog while they are holding one of them", "a beautiful smiling white dog hug a happy man", "and, hugging holding holding dog and dog hug puppy hugging large white dogs hug holding", "smiling man holds onto his dog as he holds his dog", "a man hugging a smiling, small white and black dog", "dad man man holds smiling large puppy is furry big big is puppy hugging being being", "man is holding the small dog he is hugging he is holding him", "in the a a a large a a a a a man big gentleman male man", "huge white holding puppy dog embrace dogs", "a woman is holding a white dog outside", "smiling man cu man is a pet pet hug dog large smiling smiling smiling happily large", "with hug cu huge with dogs giant man puppy holding hugging holding great with pup dog", "smiling guy holding a white dog in his arms", "a dog is being held by a man", "a man is hugging his white dog but not a dog", "a man holding a big white dog in a room"]], "question": "Is it true that a person is holding a dog in one of the images?", "answer": "yes"}, {"question_id": 5101, "captions": [["a small black and brown chihuahua dog standing on a log", "a brown brown black and white dog standing on a small stump", "a black and brown dog standing on a post", "small cute black and brown puppy chihuahua terrier chihuahuaie dog standing on a stump", "a small dog sitting on a log fence", "a dog stands next to some bushes and flowers", "a small dog that is sitting down on a table", "a small black and brown dog sitting at the top of a tree", "a small dog outdoors standing up on a wooden railing", "a black chihuahua dog next to some trees", "a small chihuahua stands on a leash", "a small dog standing on a wooden pillar in a grassy area", "an adorable black and tan black chihuahua dog sitting on a wooden log", "a small dog is standing in a grassy field", "a small dog is staring into the camera", "small little small dog standing on top of a pile of stump", "the dog is looking at the camera with a very nice ear", "a cute small brown dog is in the field", "a small dog is standing on some wooden plank", "a small chihuahua bear dog on a tree stump", "a small dog standing on the grass", "a small dog standing on a purple meadow", "a very small dog that is laughing and looking away", "a small dog sitting on a fence post", "a small brown and black dog sitting on a wood post", "a black dog looks at the camera while standing next to a white man", "a small dog standing on a log in the sun", "a little dog standing on a stump over looking the camera", "a small dog standing on a concrete block", "a small black dog running and looking at the camera", "dog, brown, black and brown chihuahua puppy standing with short long hair on head", "small dog stands on a old tree stump in front of purple flowers", "a dog staring on something as is smiling", "a small chihuahua dog looks to to be the little terrier", "a little dog standing outside looking its owner in the field", "a dog sitting on top of a wooden piece of wood", "a dog in a field staring up at the camera", "small black dog standing on a wooden fence", "a small brown dog is standing on a wooden post", "a puppy in grass that is looking happy", "a black and brown small dog with brown and black ears", "a dog standing in a flower garden with flowers in the background", "an adorable dog that is sitting on a wooden", "a young chihuahua walks on a wooden, looking at the camera with the camera open", "small dog standing on it's wooden stump looking to its left", "very cute chihuahua dog on short dog, looking, happy, small dog, animal", "a brown and black small dog walking down a side walk", "a black and brown dog has a long hair", "a small brown and black dog standing on a wooden post", "a dog sitting up with his eyes wide open", "a small dog is standing on the edge of a rock", "a small brown and black dog standing on top of a rock", "a small brown and white dog sitting on top of a tree stump", "a small dog standing on top of a wooden fence", "a chihuahua dog standing on top of a purple stool", "a dog in a park with flowers in the background", "a dog is standing on a post in front of some flowers", "a small black dog is standing on a green lawn", "a small dog walks in a yard of grass", "a tiny chihuahua dog is standing on wooden logs", "a small dog is standing on a log in a yard", "small dog on top of box while looking around", "a small little dog standing for the camera walking", "a small black brown and tan dog standing on a grass covered bridge", "a large dog with ears tied to long black ears", "a small dog standing outside during the day", "a dog standing on a stump looking back", "a cute dog that is leaning all alone", "a small dog is standing on top of a tree", "a brown and black dog standing on a wooden ledge", "a dog staring at the camera while standing outside", "a small dog standing on pavement near flowers", "a small black dog looking at the camera with small dog", "little small dog standing on the back of a bench looking up to camera", "small dog sitting on a post in front of a green field", "a small brown dog standing on a wooden platform", "a brown and black dog and bushes in the background", "a small dog standing on top of a tree trunk", "a small black and brown dog standing on a wooden post", "a little dog standing in front of purple flowers", "a brown and black dog is standing on a log", "the small dog on the walk is next to some flowers", "a black and tan chihuahua dog smiling from on a weathered branch", "a dog's image taken on a trip to the uk", "a brown and black dog standing on a tree stump", "a small black and brown dog with big eyes is looking at the camera", "a little black dog standing in front of a window", "a little dog standing on top of wooden blocks", "a small dog standing on top of a wooden post", "a dog smiling on the log outdoors", "dog with a big ears standing outside by pink flowers", "young boys a little, standing by some flowers standing on a fence post", "a close up of a dog on a wooden post", "chihuahua sitting on top of a tree stump", "it looks odd, you just have to look at the chihuahua standing next to the", "the dog is standing in the grass outside", "small black and brown dog on a brown grass", "a small small dog standing in a field", "a black dog sitting on a wooden platform", "a small dog standing on top of a stump"], ["a small dog with a long tail stands in a short field", "a couple of small dogs sitting on the ground", "a small chihuahua dog in it's enclosure looking out of the window", "two small small dogs sitting looking to the right", "two white and tan dogs sitting nextto each other", "a white furry dog looking up sitting next to a brown dog", "two small white chihuahuanies chihuahuas are sitting together", "chihuahua dogs are sitting on the ground and looking at the camera", "a couple of white and tan dogs sitting in the grass", "two cute tiny dogs sitting and standing in the grass", "small one white chihuahua dogs in brown dirt", "two small chihuahuases sit on the grass outside", "two small chihuahuapies are sitting next to each other with one sitting down and the", "a dog and its two chihuahua chihuahua pomeranian looking dog", "two small white dogs with different looks sitting side by side in a grassy field", "a small chihuahua sitting on top of a field", "two dogs standing next to each other on the ground", "pair of small dogs sitting on a grassy field", "two different size breeds of chihuahua puppies", "two cute looking young dogs stand side - by - side in the same grass", "the two small dog chihuahua puples chihuahua chihuahua chihuahua dog and two", "an adorable dog laying down next to a street", "a couple of dogs sitting next to each other on a dirt area", "a long haired chihuahua standing in grass with green grass behind", "a brown haired chihuahua is sitting on the ground", "this dog is sitting in the yard staring one direction at the camera", "this is a picture of two dogs sitting in the grass", "a couple of dogs standing in a field of grass", "a small dog sitting on top of a dirty field", "two small dogs standing by each other in the grass", "a small dog sitting on the grassy ground", "two small dogs with one with a smile", "two chihuahua dogs standing next to each other and panting", "two small short dogs laying on top of the ground", "a small dog with a large face and big nose", "two small dogs standing side by side on a field", "two small dogs close to one another on a sunny day", "two light chihuahua puppies standing together looking at the camera", "a small small white dog in front of a green grass", "two small small dog sitting next to each other", "two small cute looking dogs next to each other", "two chihuahua dogs standing in the middle of the park waiting for their food", "a small brown chihuahua dog is outside", "two small chihuahua puples sitting the ground on a sunny day", "two dogs are brown and white are standing together together", "two small white dogs sitting in a grass covered field", "two cute, small adorable small dog with the two eyes looking right at the camera", "two small dogs sitting on top of a dirt field", "two white small dogs standing side by side in a field", "two small dogs are standing side by side", "it looks like a little brown dog with a small white chihuahua sitting next to it", "two small dogs are looking into the camera", "a small tan and white chihuahua dog sitting together", "the small chihuahua puppy is smiling in an open field", "a small chihuahua is sitting in the patch", "their heads are slightly up, the eyes are wide in and are blue", "white dog on a tan dog pomeranian dog", "a small dog is facing right to the camera", "chihuahua chihuahua chihuahua chihuahua chihuahua two chihuahua chihuahua pomeranian two chihuahua chihuahua chihuahua chihuahua chihuahua chihuahua", "a pair of little twin dogs walking in the grassy area", "two small white poots standing in front of each other", "two dogs that are standing in the grass", "two small little dogs sitting next to each other", "two small, skinny dogs with two dogs standing side by side in a grassy area", "a pair of two small dogs standing next to each other", "two small dogs sitting on top of a green grass covered field", "two chihuahualies are standing in the grass", "white dog sitting in a green field looking ahead with a black big nose and white", "two small, brown and white animals looking at something", "two small, cute chihuahua dogs on a patch of dirt for dog to be", "a small dog that is sitting outside outside", "a white chihuahua chiwa dog looking off to the side", "two small dogs standing on a field", "the small animal is smiling for the camera", "happy dogs looking to the side with green grass and green walls", "two small chihuahua dogs are standing outside on the grass", "it is a photo of two dogs outside together", "a dog poses with a dog in the background", "two small dogs standing next to each other with a blurry background", "some small dogs with a big smile", "a couple of small small dogs sitting near each other", "a white and small chihuahua dog standing next to each other", "two small white dogs sitting next to each other", "a small chihuahua dog standing next to it's owner", "two pomeranian dogs walk beside each other in the grass", "two white chihuahua chihuahua chihuahua dogs dogs chihuahua dogs", "two white and brown dogs are in the grass", "a small dog on the field looking up at someone", "two white dogs, each wearing a crown in a small town", "two chihuahua dogs sitting close to each other", "two small dogs sitting next to each other in a field", "small dog with small tan face sitting on white field", "two small chihuahua standing together standing on green grass", "two little dogs sitting in the grass on a field", "a dog standing in grass near many small dogs", "chihuahua chihuahua chihuahua chihuahua a a chihuahua chihuahua couple chihuahua chihuahua chihuahua chihuahua a a a", "a small dog siting on its hind legs", "a couple of little dogs are next to each other", "two small dogs are sitting in some grass", "two small dogs sitting on the grass near each other"]], "question": "Is it true that one image shows a dog on a leash and the other shows a dog by white fabric?", "answer": "no"}, {"question_id": 83984, "captions": [["the dog is reclines on the floor and a toy lays in the floor", "puppy dog curled up on floor and sleeping", "a dog lies down next to a small kitten", "a grey puppy laying face down next to a brown block", "two dogs laying together laying in a house", "two dog staring a camera outside a window", "two grey and black puppiess laying on top of each other", "a pair of kitten puppies on a floor", "a dog lies resting on a dog bed while staring around", "a long dog is laying on the ground", "the grey dog is laying on the floor with two puppies", "a small dog is playing with a bird on the floor", "a dog resting its head next to it's baby pup", "a mother and her baby are lying next to each other", "a small dog curled up on its side next to its owner", "baby kitten sleeping on ground with mom", "a long haired dog resting on a cardboard bag", "a dog laying its head on a dog's back sleeping", "a dog is sleeping on the floor in front of a cat", "a cute little dog laying down next to his new toy", "a dog laying down beside another dog curled up", "a cute dog lying next to a cute little cat", "two kittens and a dog laying together", "a dog staring off the side while being very close", "two gray and black dogs lounging down", "a small long haired dog laying next to a big puppy", "a cat taking a nap on a bed", "pup newborn dog kitten sleeping a two baby a several two a baby laying two adult", "black dog laying on the floor with his face resting on sleeping dog", "two puppy dogs resting together on the floor", "a small grey dog resting down on it's side", "the mother dog laying near a tired dog", "a young dog and baby laying next to each other", "a gray puppy laying down with it's head down on the ground", "there is a small dog laying down holding four puppies", "there are two dogs and a cat laying on the ground", "a very cute puppy laying on a bed with her baby", "a dog that is laying on the ground", "two cats with their heads on each other", "a dog sleeps with a kitten on the floor", "one kitten is laying next to the head of another", "a grey and black dog is laying down staring to sleep", "a small gray dog rests it's head on one pup", "a sad lays beside his two smaller dogs one of which rests on its back", "dog looking to his left next to a table with food", "a small dog is laying by the baby", "a dog that is laying down on its side", "a small cat and a small dog cuddle in one another", "a dog is sleeping next to a sleeping baby", "two large dogs laying with a smaller dog on a floor", "a big dog rests his head on the floor by the curtain", "three baby dogs laying next to each other", "a gray and black small dog resting on a cement floor", "a dog lays down with its baby kitty on the floor", "a small cat laying down next to a big dog", "a sleepy young cat that is lying down", "a black and grey dog is asleep on the floor", "a large dog lying on his back near a gray kitten", "a little sleeping dog with its mouth closed on", "a giant gray dog and a smaller brown dogs face in the camera", "three birds are laying next to a sleeping dog", "a hairy coated dog laying down next to a small kitten", "dog laying down in sun looking at photographer", "a dog is nursing a cat both of her paws and its head sticking out", "a small cat is laying under a large dog", "a small gray dogs laying on top of a rug", "black and white dog laying on the the right side of a cat lying on its", "one grey and one black lays on the floor with its legs crossed over another small", "a close up of a dog laying on a bed", "two children laying on top of each other on living area", "a shaggy gray dog laying on top of a floor", "a dog and his cub laying on the floor", "a shaggy puppy dog lying with his legs up on a human body", "two baby animals sleeping on the carpet of a yellow room", "large dog laying on the floor with two young puppies on his head", "a miniature schnauzer puppy and a kitten sleeping together", "two dogs are laying together and each are looking at camera", "a small dog and a kitten laying next to each other", "there is a gray dog lying in the sun", "a small dogg with his paws on his paw", "a brown animal laying down with its head on its legs", "bird resting while chewing on a sleeping", "the small dog has a tiny tiny cat near it's back", "two brown and white dog laying next to each other", "these two dogs are not exactly very quiet", "a dog, laying with its head on its paw", "a large grey dog lounging beside his mother", "this is a dog laying to the side", "two small dogs are sleeping next to each other", "small dog with her four babies lying on a bed", "a puppy dog lying upside down and biting the photographers face", "the small grey little dog is lying down on the floor", "a dog with his kitten sleeping on the ground", "an adult furry dog with his head laying down on the floor", "a baby lies on its side on its side", "two gray dogs sitting next to each other in a room", "a couple of very cute kittens sleeping together", "a dog is lying on the floor looking at the camera", "small dog and kitten lie together on the floor", "a dog lying on its side is looking up"], ["a small dog standing in a field looking towards the left", "a small little dog looking down at its side", "a small dog looking on as it walks along the land", "gray and black dog standing in a dry area looking at something", "a little puppy standing on to of a ground", "dog standing on ground looking away with grassy area near", "a dog is standing and looking to the left", "a small dog standing on top of a grass covered field", "a little puppy in a small dog, the back to the camera, standing", "a small puppy walks through tall grass of tan colors", "a small dog standing on top of grass", "there is a small dog that has something in his mouth", "a little sheep standing in the grass standing off from to the right", "a baby goat standing with his baby close to its side", "puppy walking looking walks mini a walking brown walking standing standing walking a walking walks walking", "a picture of a little dog that is looking towards the right distance", "a small baby dog walking next to another animal following near a baby", "a small gray lambdog is sniffing into a frosty tree", "a little dog is standing in some grass", "a young black dog standing in a grassy field", "a small toddler is walking and playing", "small dog standing on the edge of a large grassy field", "a small shaggy haired dog standing on top of a cold frozen field", "a small dog standing in the side a field of grass", "a little small dog is walking towards the camera", "a dog walking with its rear legs spread, standing on a frosty ground", "a small dog with a coat standing in front of the camera", "a small black wet standing next to tall wooden weeds", "a little dog standing next to another animal in the background", "a grey and black dog standing next to a frisbee", "a dog looks back ahead looking at something", "a puppy that is standing up and walking", "a small dog on a leash standing on the ground", "a small dog standing in the winter grass looking towards something", "the dog looks at the photographer with the camera in its mouth", "a little dog that is standing up by himself", "a dog is walking and looking back", "a little black dog standing in a frosty field", "a dog puppy standing one feet on the grass", "a dog in cold looking about to stay outside", "a small little black animal looking back at it's baby", "a small dog standing by some dry grass", "a dog that standing on a walk and looking back", "a small dog eating a snow covered grass next to a fence", "a small brown dog standing outside in a cold day", "a small puppy that looks cute looking in into the distance", "a little small dog standing in the the grass on a farm", "a small dog standing still outside looking off to the side", "a little black dog is standing beneath a tree", "small standing rear facing to its camera looking up", "a dog standing walking looking, alert looking at the camera", "an adorable baby donkey in the winter time", "a dog stands on a dog walking to the grass", "a young dog standing on the grass", "a large small dog standing next to a fence in a zoo photo", "a small small dog standing standing in a grassy dog running", "there is a small dog that is outside", "a dog standing in long grass with one foot in its mouth", "a baby dog walking in a field with a small dog looking", "a small black and brown dog standing in the snow", "a dog is walking across in snow", "small dog walking across grass on frozen, very cold", "a small small dog is standing near the grass", "a puppy in the tall grass looking around", "a small dog standing on a field back to us", "a dog stands in the middle of the tall grass", "a dog walking next to a cat playing", "a small brown dog standing next to one leg of a human", "a small dog standing on a walking next to the back of its leg", "a small dog standing down looking next to a pile of tall grass", "a small dog is standing on frosty ground in the woods", "a small white and brown dog standing on a frosty field", "a dog and an puppy dogs standing out in tall, tall brown grassy tall grass", "a very cute dog is standing very small with frost on the grass", "a blurry image of a dog standing on a frosty field", "the young dog stands in a snowy, grassy field", "a dog - looking small sheep, to puppy dog - walking - a small standing", "an old gray dog playing with an adult dog", "a small dog walks through a field of tall grass", "a small dog on a frosty ground", "a small dog running in a field with grass", "a little black dog standing in a field", "a small little dog walks next to a brown dog", "a young puppy standing on top of a dry grass covered ground", "a small puppy standing in the grass", "two dogs on the picture are facing away from the camera", "a dog with it's foot rear facing to the camera", "a fluffy dog standing in the field looking back", "a young dog is walking, staring down, on to something", "adult small gray dog looking at something in the room", "the small baby grey dog standing next to an animal in natural setting", "a small dog walks across a frosty ground", "small dog standing on the edge of a grassy valley on the ground", "a small brown dog walking through a lush green pasture", "a dog looks away while standing in the field", "a dog walking on a path, full of frost", "a dog is standing in the middle of a field", "little grey shaggy dog walking next to grassy lawn", "a small dog with an ear tag looking right at the camera", "a small dog walking across a frost - covered field"]], "question": "Is it true that a dog is sitting in one picture and in the other picture ta dog is lying down and asleep?", "answer": "no"}, {"question_id": 7722, "captions": [["two geese are in a body of water", "an image of geese swimming in a photo with a square frame", "a couple of geese swimming in a pond", "two ducks swim in river surrounded by grassy", "two ducks are swimming in a lake", "two geese on the water staring away from one another", "a white glass coaster mat with a picture of geese in water", "two ducks swimming in a pond surrounded by a circle photo", "a polar bear that has two geese on the water", "two geese swimming in a body of water", "picture of two birds swimming in the lake", "two geese in the pond in some grass", "a picture picture round go bath reflection ducks picture green green a reflected green photo photo", "coaster water with round white in snap a, rounded square square image and snow with", "three goosebirds swim in a lake together", "the image image features the photo of swans", "two canadian geese swiming in a lake", "photo and the image is a circle to go round", "two ducks are swimming in a lagoon, near each other", "two ducks are swimming in a lake with grass", "two ducks swimming by each other with their head turned", "two ducks swimming on a small pond of water", "a circular photo of two ducks swimming together", "a pair of birds swim together on the lake", "two geese are swimming in a round white photo", "two ducks in motion motion protrant, a white circle, in a circle", "a couple of geese that are floating in a pond", "two gooselings hanging out on the water", "one large dark duck in the middle of the water and one bird is dark green", "water and the image of three geese swimming across a pond", "ducks duck duck canada duck swans two canada ducks duck two a geese ducks two duck", "two geese swimming in the water one has a circular glass frame", "two large ducks swimming in a body of water", "two birds swimming together in water near each other", "the goose pair swimming together in a pool", "two birds swimming together and one duck facing each other", "a group of geese swimming and swimming in greenish green water", "white photo duck and ducks - water - picture squares photography square photo photo in", "two geese swim together in a body of water with white border in between photos", "duck geese duck two duck goose duck duck ducks ducks ducks ducks ducks ducks geese ducks", "two geese swimming on the water by themselves", "two ducks floating down together in shallow grass", "two geese, one black and one white, swimming in the water", "two ducks swimming in a lake next to each other", "two birds floating on top of an icy pond", "two geese in the water by the ocean", "snow frame image of two two ducks sitting in water", "image square photo to circular double circles squares go square split photo square square circle circles", "two geese floating on a lake together on lake", "two ducks in the water swimming at their best", "two geese swimming in water with a white frame overlay", "two geese swimming in a lake of water", "two geese are shown at the edge of a pond with a white tile effect", "a white photo of two ducks floating in the water", "the couple of birds is next to each other", "two ducks are in the water together", "two ducks are swimming on a lake with shadows", "a patchy image of two ducks in a pond", "together two a geese two geese geese canada geese canada duck geese geese ducks ducks ducks", "two ducks in a square photo on glass", "a round frame with three geese swimming in water", "two canada geese floating on a pond", "two ducks with their necks touching necks in a green pond", "two canadian geese are swimming in the pond", "two picture frame showing two geese swimming with their necks up", "two ducks on a lake two of two swimming", "two canadian geese ducking in the water against the camera", "pair of geese swimming in a lake next to a tree", "square fish square white white with square fish square a square photograph with photo go of", "two ducks are swimming on a river and circular square frame", "two geese swimming together on a lake in the evening", "two geese are standing on the water looking at the water", "two ducks swim with one other in a lake", "a picture of a goose swimming across a pond", "two geese swimming through a photo frame on a pond and in a white frame", "a square circle circular a a go round square picture oval a a, a oval", "two geese standing in the water between ones", "two birds swimming in the water in a circle ring", "picture of two ducks on the water in a circle", "a square glass frame features two geese swimming in water", "two geese are standing in water near each other", "a pair of ducks floats on the pond with another duck", "two geese swimming in a lake with water reflection", "two birds looking in each's eye at a lake together", "a pair of geese swimming in a body of water", "two geese swimming in the pond roundel frame photo", "two geese swimming in small lake next to a lake", "two ducks sitting on top of a body of water", "a group of geese swiming along a pond with text on it", "two small geese swimming next to each other", "two geese are swimming in a single swimming pool", "two goose geese swimming in the water near one another", "a photo with a frame of two ducks on the water", "one in a world of one", "two geese are swimming in a green pond", "a and white square photo square the photo with white square to - canadian square geese", "two ducks in the water, geese, swim", "two birds swim side by side in the lake", "two ducks in a pond with trees in the background", "there are two swans swimming on the water"], ["a young swan and a younger swan in a photograph", "two white and gray birds stand together on either side of each other", "two little birds are walking along side each other", "a couple of a bird and its two babies", "two baby birds are staring at the camera", "three baby goslings birds are standing off the land", "two baby ducks with a quote overlay above the frame", "two small goose swans are perched the same feathers", "two birds that are standing in the dirt", "two little chicks are standing next to each other", "a baby bird sitting on top of a table", "a pair of baby goslings by a wood pile", "a duckling pair of two are facing each other", "two grey furry baby birds stand side by side", "two baby swans standing tall next to each other", "an baby bird with it's feet up next to another duck", "two little birds that are walking side by side", "two feathers are two little birds on the bottom of a photo", "cute ducks and gooselings in a photo colockie", "a couple of fluffy birds are standing together", "two young featherless birds standing side by side", "a couple of small ducks standing next to each other", "a pair of baby ducks are standing next to each other", "two baby birds are facing toward the camera", "two birds, one is walking with the other", "two little pair of ducklings standing in front of a white frame", "two ducklings standing next to each other", "two young geese posing for the camera in an outdoor frame", "two young goslings are standing in the sand", "two cute young swizzle geese standing side by side", "two geese that are walking together to the side", "one duck standing next to another duck standing on the grass", "two gosling chicks are standing and facing each other", "a couple of small geese sitting together", "the text reads who i go with the foion", "two grey birds sitting together in front of each other", "gray feathers are a beautiful, adorable, and beautiful pair of birds grey little duck", "a small goose looking up at a baby foal on a dirt ground", "two little duck ducks that are standing next to each other", "duck go geese these baby two young baby 2 baby three two pair little small little", "two baby ducks are standing in the dirt", "two small geese are staring towards each other", "two duck baby bird duck duck babies looking at the camera, they are looking at", "two ducks standing next to each other on a sandy beach", "two small geese are standing next to each other", "pair of ducklings looking into the distance, next to each other", "two juvenile swanlings stand together", "two baby gooselings, two birds on the ground", "two baby bird sitting next to each other", "two baby ducks are standing facing to the opposite direction", "two white swans standing next to each other on a field", "two small swans walking together in the grass", "two young ducklings stand in ground, with dirt and wood chips", "a couple of feathers standing next to each other", "two baby ducks standing next to each other", "the twin baby swan and his mother swan baby ducks are a family of geese", "two young white and duckie gooselings, looking right at the camera", "two little ducklings standing on the beach", "two baby ducklings walking down a walkway", "an two swans the birds two duck a cy f a baby two duck baby canadian", "a photo of two young birds in a picture", "two baby ducks walking next to each other on a sandy ground", "three baby ducks standing together on the side of the road", "a couple of birds walking next to each other", "juvenile two and two duck two mall two swans bird swans swans swan goose beak and", "two ducks are standing next to each other", "two newborn birds with one bird standing next to the other", "two newborn swans gowly chick birds in the wild", "go i duck baby swans swan swan feather duck baby feather swans person two, person", "baby two baby and duck duck picture photo e new baby to and duck photo geese", "two seagulls standing on a sandy path, staring straight ahead", "two birds are standing together in a picture", "two small black birds facing different directions with a text overlay that reads", "two baby ducks sitting side by side on the ground", "a couple of small birds standing next to each other", "two baby ducks are standing by itself outside", "and two geese goose goose two baby three two goose duck and of, chicks and", "little two a baby goose ducks baby bird swans a the baby swans mall canada swans", "two baby gooselings facing left in a photo", "three small birds are walking through the field", "two little birds are standing on top of each other", "ducklings of grey geese are standing together", "a baby duck sitting next to a tall mother duck", "two cute little birds is standing next to each other", "two baby ducklings stand next to each other", "two babies sea birds walking side by side", "little picture left fi griffin a two flip fifth fi this life fi fi flip flip", "a couple of white ducks next to each other", "a photo of two little ducks ducklings looking at each other", "cy i baby 2 two two, goose birds, a baby two chick images birds", "a couple of birds that are standing next to each other", "a picture of two ducks that are standing together", "two two grey pair grey birds cute small together grey two pair baby mall f goose", "two little baby ducks are standing next to each other", "two baby ostrich geese are standing next to each other", "two is two baby bird two photo the, duck with a two baby feather ducks", "two baby swanlings on a birds day", "two small birds that are next to each other", "birds are standing together and standing next to each other", "two little birds are standing next to each other, looking at the same direction"]], "question": "Is it true that two geese are floating on the water in the image on the left?", "answer": "yes"}, {"question_id": 2938, "captions": [["a water buffalo and two water buffalo walking across the street", "water cow riding - riding and on the, bo ox the buffalo, buffalo bull", "buffalo buffalo sitting sitting a kid sitting farm ride herd young and horned sit on child", "a person with a lot of cows on a water buffalo", "a boy sitting on a buffalo that is being herded by a water buffalo", "buffalo a buffalo buffalo bison buffalo buffalo ox buffalo a water buffalo buffalo buffalo buffalo animal", "young boy rides on the back of an animal with water buffalo as a child sits", "a bull animal loaded herd a large calf on bull boy cow bull asian with a", "a small boy sitting on the back of an ox and a boy sitting on the", "water buffalo with buffalo bull herd buffalo on ox bull water water with on a sitting", "a young boy riding an animal on a cow", "a young man on a water buffalo pulls the harness to the riding cow", "walking herds on walking in one young walking horse while cattle buffalo asian riding horse cattle", "a child riding on the back of oxen with an infant on his back", "the sitting herd water buffalo cow herd a sitting buffalo buffalo horned asia wildlife buffalo and", "a boy is sitting on a back of two other water buffalos lying in the", "the boy is sitting on the back of on animals", "bull a animals a buffalo bull brown buffalo water ox cow animals water buffalo buffalo water", "a water riding to cows child sitting buffalo in a buffalo cape cow with on cow", "a young child riding the backrest of a young boy on the back of a", "a man walking with ox walking on dirt path while being driven by large water buffalo", "ox child child sitting sitting a sitting riding child sitting to sitting sitting children ride on", "a child riding on the back of a steer buffalo with water buffalo", "child and the child a a on ox one the with, ox boy asian child", "a kid is sitting on something looking like water buffalo", "go one ox and kids a sitting sitting the sitting farm one to children sit child", "boy sitting on brown animal on head sitting on child", "a boy uses his water buffalo to carry something", "has ho and buffalo sitting cow riding children buffalo sitting sitting children with to sitting cow", "two oxbeists on the back of oxen horses resting down", "sitting buffalo to a bull go water a on ox bull indian cattle buffalo buffalo on", "a water buffalo and water buffalo walk with a man on his back", "boy cow sitting sitting on to boy on sitting riding a cattle sitting riding boy sitting", "boy on farm with water buffalo, water buffalo loaded with water buffalo", "while seated bull a a boy cattle a a this cows cattle ox animals bison buffalo", "he ga asian asian being horse cows buffalo water water on buffalo cow cow herd phil", "a picture of a boy walking near a water buffalo", "the boy sits on the back of the animal", "a young boy sitting on the back of a child who is sitting on the back", "there is child sitting on an animal sitting on a water buffalo", "a boy rides on a buffalo attached to a boy as they follow", "a little boy riding on top of an animal", "on todd the buffalo and to on cho buffalo child sitting buffalo buffalo kid boy ride", "buffalo being children water asia asia sit water one bull buffalo, child on chinese the", "cattle cow the walking farm horse buffalo bull buffalo ox man beef bison man walking ox", "a boy sitting on the back of a buffalo while resting on it's head", "a boy is sitting on a ox wearing ropes as he carries something", "a boy is sitting on top of buffalo, while a ox is followed by water", "a child is shown on the back on the back of an animal as a boy", "a boy riding on the back of two oxen bulls a boy is walking by", "a child sitting on the forehead of the boy riding on the back of the bull", "buffalo buffalo buffalo a sitting water buffalo water ox buffalo buffalo bison water buffalo buffalo buffalo", "buffalo horse buffalo herd asian child boys buffalo a, and buffalo bo on to,", "a boy on a buffalo pulling a water buffalo with two water buffalo behind it", "one rides buffalo the sitting bison water has little being asian and sitting with on buffalo", "a boy on the back of a boy and buffalo", "a person and an animal with a young person sitting on it", "child on with walking herds buffalo horned young water buffalo bull buffalo and, on bison", "ox sitting buffalo buffalo buffalo cattle buffalo buffalo buffalo riding water buffalo with the cattle buffalo", "young bull bull calf one walking on and riding bull walking buffalo the bull sitting walking", "a bu bull buffalo buffalo resting sitting one sitting ox bu sitting the of water horned", "water in the he bull farmer with and animals a a with a small with horned", "there is a man on top of a boy riding a cow", "a young boy rides on the back of an indian water buffalo while sitting on a", "a boy rides the water buffalo with two water buffaloed bulls", "a boy on an oxen bull on the back", "a person is on a young water buffalo, in a grassy field", "the riding cattle water buffalo ox on buffalo and buffalo asian bison the one the buffalo", "walking water walking buffalo the buffalo ox buffalo water buffalo buffalo water water buffalo walking walking", "the boy walks on an oxen walking beside an animal", "a boy traveling along the bottom of a water buffalo being pulled by water buffalos", "a young child on top of a bull with two water buffalos", "a large buffalo being walked on the head of a bull", "a man and water buffalo traveling in a field on oxen", "man sitting on back of a water buffalo with a child riding on the back", "man walking a big ox carrying a harness with a team of water buffalo", "boy a and child child sitting kid child child sitting child asian cows asian child child", "water buffalo sitting next to a man on a buffalo", "a man is hooked to a buffalo by a rope", "kids are sitting on the back of water buffalo with a boy sitting on tobo", "a child playing on a young cow herder with a child sitting on a cow", "a water buffalo pulling another water buffalo on a rope", "a baby sitting on the back of an ox and buffalo", "a little boy leading a boy while riding a buffalo on a donkey", "buffalo water child bulls horned buffalo bull buffalo tied bull buffalo harness animals tied buffalo buffalo", "a boy riding on a large animal walking with two oxen", "a man with headband standing as he rides a young boy behind an animal while", "a boy in front of a boy riding on a body of water buffalo", "a boy being lead by two boys is being pulled by buffalo watercraft", "a boy riding the back of a steer on the head of a big animal", "a man sits in the background on top of an ox", "a cow walking a man on a buffalo and a boy", "a boy sitting on top of an ox, and riding on a back of ox", "an image of a boy riding a water buffalo with a boy on the back of", "an being the bull cow buffalo buffalo buffalo a in bull a buffalo buffalo a a", "little riding a walking water child being a cow with the walking boy steer buffalo cows", "a water buffalo being pulled on a reins by a man", "man herds water buffalo on a boy sitting on the back of one of water buffalo", "the water buffalo in a farmer of india", "an asian water buffalo and water buffalo walking"], ["a water buffalo with it's horns extended in the air", "a bull in foreground of the forest, with body out of focus", "an ox standing with its horns open, facing a camera", "an ox stands by a tree lined area in the forest", "large ox in open area surrounded by trees", "in in large a water horned animal large buffalo ox animal and animals bull large moose", "a bull bull with large curved horns in the wild", "an adult buffalo with a large tail standing on grass", "a horned bull with long horns is standing still", "an ox is standing in the grass with large horns", "a large animal is standing in the middle of grass", "buffalo with horned horns or water buffalo with horns", "a buffalo, bull and large horns on the grassy area", "an animal stands in field with grass, a small cow is sitting and looking in", "an animal that is standing in the grass", "large, horned and brown water buffalo in an open plain", "black bull with large horns grazing in trees", "ox and bull small bull bull buffalo horned bull buffalo cape ox bull the ox animal", "a big black bull that is standing up", "long horn buffalo with long huge horn, standing in the forest", "a big elephant with long horns standing in a field", "a buffalo standing in the middle of a field", "a long horned steer with huge horns stands in the middle of a field with", "a large bull with large horns and black horns", "a wild animal that is standing in the grass", "an animal with large horned ears standing in its natural habitat", "a buffalo that is standing above the camera", "a black bull showing his large, horn like horns", "a large elephant moving slowly through the grass", "animal with large horns on both sides of him", "a buffalo cattle with large long horns standing by some trees", "a long - horned animal standing close to a tree", "an animal next to a trees on a sunny day", "a buffalo, like this one or buffalo in the wild, has just had a", "a large cow is standing in a field with grass", "a large water buffalo has horns extended", "a black animal of some sort, a long, horned bull", "an buffalo with a steer sticking its head out", "a large buffalo is standing on some grass", "ox buffalo standing with large, large horns standing", "buffalo is standing by itself in the wild", "a bull with a massive nose, with long horns, standing by itself", "an animal in a grassy field shows its horns up", "an ox staring a camera at the camera", "a water buffalo with with a long horned horn", "a buffalo is sniffing its head with another bull looking towards the camera", "a large bull with long horns standing in a grass lot", "buffalo buffalo buffalo bull bull, black herd buffalo horns an a cow horned the the", "large bull is walking down a forest path", "a large buffalo is grazing very close to a water hole", "large ox is standing near pine trees", "a black bull standing in a green grassy field", "a big water buffalo standing in a big grassy field", "a large ox is eating leaves from trees", "a large bull with large horns stands on the grass", "a buffalo with a long horned horn with a horn in its mouth", "two horned bulls with large horns in the forest", "a water buffalo standing around some trees in a field", "an asian buffalo standing in a grassy forest area", "an animal in a field of dried grass", "a ox ox standing in the forest with its long horn around its neck", "black bull standing in prairie showing grass to the back", "a big buffalo with its horns out", "a bull with long horns standing around head", "grazing horned a a a a a one large horned an a lone animal an an", "a ox that has horns of horns in a grass field", "an animal bull grazing near tree by forest trees", "a large ram that is standing up with it's long horns", "a large ox is standing in a brown grassy field", "a water buffalo standing in front of some trees", "a big black bull bull with horns is standing between trees", "a bulls is standing in the middle of a field", "an animal walking across a grass covered field", "water buffalo buffalo standing against a tree and a herd", "a black buffalo that is standing in the grass", "a ox horned ox buffalo horned big large bull large bull horned bull bull cow horned", "horned cows on display at a rural wildlife sanctuary in india", "a large bull with long long horns grazing in green grass", "water buffalo animal cattle buffalo horned a bull animal buffalo bull big buffalo bull bull animals", "a big water buffalo standing in a lush grassy field", "an animal with large horns standing over head", "an adult buffalo stands in front of an asian longhorn", "buffalo and water buffalo eating grass, covered with trees", "bull bulls buffalo buffalo steer bull animal buffalo ox cow buffalo bull buffalo buffalo horned buffalo", "a large buffalo standing standing in a tree lined forest", "a cape buffalo stands tall in the shade", "ox with horns is standing near tree trunks", "an ox standing in high grass with forest behind", "a large bull bull in a park, with horns spread out and large horns", "an animal that are standing in the field", "a close up of trees with a a animal in the forefront", "an animal on the side of the road grazing", "ox bison cattle horned animal a asian buffalo bull long cow cape horned bull ox ram", "a long horned bull standing in front of a tree", "a bull with large horns standing in front of the camera", "an animal with large horns standing in a open lot", "a bull in a photo it looks to be an indian buffalo", "a brown cow that is standing in the grass", "a bull with very big horns with long horns on its head", "a buffalo with thick horns in a grassy field"]], "question": "Is it true that there is at least one person in each image with a water buffalo?", "answer": "no"}, {"question_id": 61872, "captions": [["a great great great great great great great great great great great great great great great", "a white puppy dog playing in a dog ken", "a puppy is playing with a toy in front of him", "a white dog with chicken words reading what mark on great mark", "a young puppy puppy puppy playing with his toy", "white puppy dog looking up at a cat and the words, mark 4 4,", "a great great great great great dog sitting on the floor looking like it is great", "and is the dog a in there by and a nap a s with a and", "that have great great great that is best great great great and great great great great", "the puppy is sleeping on top of a cat toy next to a small toy on", "a small white dog licking a large white dog", "a dog curled and playing on the floor near a duck", "puppy shepard only puppy puppy puppy white pup puppy pup pup my of person pup puppy", "puppy puppy pup puppy puppy puppy pup of puppy puppy pup a pup dog and puppy", "a puppy laying down with its toy and the words, what is it really called", "what what what what what what what what what what puppy puppy what baby puppy what", "a white dog lying on a rug with the words what does great great great great", "a white and brown puppy curled up sleeping on the floor", "a young white dog is lying on the carpet with the words badgergery how", "a dog with a toy on his chest and a text over it that says everything", "a white puppy laying on top of a rug on the floor", "puppy puppy hygiene puppy dog puppy plays playful 3 puppy pup puppy puppy puppy dogg pipeline", "white puppy sniffing a person with a toy", "a golden retriever puppy chewing on a green dog toy", "a puppy laying with a toy on puppies", "white dogs sleep with text that says what what what did my dog on on on", "on on on on on on on on on on on on on on on on", "a white dog and a toy lying on the floor is text, a diager", "white dog taking a nap with the words mark mark mark a great mark?", "great great great great great great great great prep great great great great prep great great", "a fluffy white puppy with a quote over it on on the picture", "some puppies on a carpet and a toy to do with a person", "the golden retriever has its head out, sleeping, and his face in his", "mark mark mark mark mark mark mark mark mark mark mark mark mark mark mark mark", "a white puppy sitting on the floor and chewing its paws", "a dog is chewing on a toy with a quote above", "a white puppy with a green toy in its mouth", "it is very important to know all the great puppypies", "the text, on a white background of the image, is says, a baby", "puppy lays sleeping on the floor next to the text overlay which reads it '", "a white dog laying on top of a pet crate with wire fencing around it", "great great great great great person great great great great prepare great great great pup p", "the little dog is chewing the great puppypie with his toy", "a dogs lying down on a carpet that says can can a dog nap on the", "a dog and his master in a picture together", "white white white dog is is what what pup what white dog, mare marshall is", "puppy puppy and pup with puppy what pure purpose pup pup a puppy pup what -", "a white dog laying on the carpet with the words whatmark on great mark on", "great on on great on great on great great on and on great on on on", "a puppy is asleep on the floor and the title saying what is the great puppy", "a white puppy laying on a fluffy blanket with a great peripheral pupnel and a", "a dog sleeps on the floor on the carpet", "great great great great purpose great pup great puppy for great great great puppy great puppy", "a white dog with it's owner with the words how we play with pup", "a large laying white dog lays its head on its belly on a white puppy asleep", "dog on a tan plains, a white and a red picture of what makes a", "a white puppy sits next to a wooden dog house and an animal has what a", "a white puppy puppies laying on the ground with the words on this post", "a white dog on a carpet that says on a rug on a rug, with", "a white dog holding a stuffed toy in its mouth", "a white white white puppy puppy puppy puppy white white dog puppy is a puppy dog", "how? on on great on great on great on great advice advice great great great", "a puppy playing with a green toy with text", "a white dog is taking a nap next to a toy", "fluffy fluffy puppy all puppy dog puppy all puppy what and pup this puppy and white", "white puppy puppy laying in a pile with the phrase on top of photo is text", "a cat sitting on the carpet with a text overlay above it that says what", "a small white dog laying with a dog toy", "a fluffy white dog with a motivation saying over the top", "a white puppy sleeping on a cream rug by a small toy", "a white dog laying on a carpet with a toy on his muzzle", "a grey dog with a black text overlaying the title on great puppy purpose", "what what a white puppy can pup puppy white what what puppy is what - what", "a cream chow puppy with a black nose and black markings with the words what is", "a a a on a a on a a on on on on a on on", "a puppy lying next to a stuffed animal doll", "a large retriever and a yellow duck toy laying next to the words what badger", "a border with a dog and the title top a picture of a dog with a", "a white puppy that is lying on a carpet with the title of the article", "a great great great retriever puppy lying on the ground with dog toys that says", "a what dog on white puppy dog what puppy white dog what dog what dog dog", "a dog in bed on a carpet with the caption what is your dog '", "puppy on on on on on on on or on on on why on on on", "white puppy sleeping with its head text and the words what badger dog mark great great", "a dog laying on a rug with a text overlay what great great great great", "a dog with two small puppies with the words what what are on great pipeline", "a dog is curled up on a plain while it plays with a small teddy bear", "a white great pyreneesner puppy sleeping with it's paw on the carpet", "puppy sleeping chewing on a toy in front of black text that says, what is", "a yellow dog with its back to a small white chicken and it's text", "a great great great great great great is a picture of a sleeping puppy, on", "mark mark 4 4 on mark mark on mark 4 on mark 4 4 4 written", "a great great great deal for a great great great great great great great great great", "on on on on on on or on puppy on on on on on on on", "a puppy chewing a toy next to a cage, and a dog that says what", "mark mark on on mark on on on mark mark on on on on on on", "great of great great of great great great great great great prime great p great the", "fluffy dog laying on the ground with a caption that says what is your favorite", "s white dog puppy puppy puppy laying a is dog pup | puppy dog laying puppy", "a dog laying down on the floor with a toy in it's mouth"], ["a fluffy, white and black dog laying on the grass in a field", "a large dog is lying in a grassy field", "a dog laying in a large yard with grass", "a grey white and white dog a laying in the grass", "a dog lying on the grass laying the eyes", "a large fluffy male dog laying on the grass", "dog sitting large large large brown dog dog laying sheep in on is large big dog", "a big white and gray dog laying in green grass", "grass pet in the laying pet large files - lays tibetan medium dog is old small", "a dog lies on the grass while lying on it", "a big white and black dog sitting on top of grass", "a dog is laying on green grass in the grass green grass", "a tibetan dog is sitting on the grass", "a big dog sits in the grass and has its head in a cage", "a dog is laying in a grassy field", "a fluffy white dog lays on top of a meadow of grass", "a large dog laying on top of a green field", "a sheep tibetan furry dog dog picture picture photo large fluffy tibetan tibetan tibetan dog big", "in grey hairy fluffy hairy tibetan with a furry white fluffy dog dog white caucasian the", "a white dog lays on some green grass and a grassy pasture", "a large dog looking a large dog in a green field", "a big white and brown dog in a grassy field", "dog rests in the grass as is a picture", "tibetan sheep dog laying in the grass outside", "a large fluffy dog lying in the grass next to a fence", "laying old s two very tibetan a tibetan dog tibetan dog a a sha fluffy tibetan", "a fluffy and sleepy saint bernard dog resting in some grass", "a small dog laying on the grass on the grass", "a white dog laying in the grass", "a tibetan dog laying on the grass in the field", "a big shaggy dog laying in the green grass", "a dog laying in the grass in the grass", "i and picture the dog dog photo dog dog great dog dogs photo photos on s", "a very large fluffy grey and white dog with white patches and a large square head", "dog and dog there a there dog post with a frame tibetan an dog furry white", "a large white, brown and black dog laying in the grass", "a dog laying on the grass outside in the dirt", "a gray and white dog is lying on grass", "a large white dog laying on top of a lush green field", "large dog sitting on the green grass", "a happy dog laying in the grass next to grass and some daisies", "portrait from dog framed with white frame of a large dog sitting in grass,", "and large is a dog is one dog large and lying a lying dog large puppy", "a cute dog sitting in the grass", "a large dog laying on top of green grass", "a large dog sitting in a field of grass", "a large white dog laying on the ground in a field with patchles and green", "the happy sha leon shi sha dog tibetan fluffy huge and dog giant dog dog tibetan", "a leonie dog laying outside on the grass", "in dog dog dog old chow a tibetan shaggy dog dog fluffy dog dog dog s", "dog - tibetan the looking is dog dog in a of sheep chow the l great", "large large young white big dog male shepherd large dog large dog photo a huge dog", "a dog laying on the ground in a patch of ground grass", "a large dog laying in the grass next to a fence", "a large dog laying in the grass near a fence", "dog dog large big s great dog great laying sheep huge portrait large lying a dog", "a large dog lying in the grass", "a dog lying in the grass near the grass", "a st bernard dog laying in the grass", "dogs large big old large leon caucasian dog large tibetan shepherd saint leon bearded giant tibetan", "a dog laying in a green grassy area", "a large dog laying on the grass of green land", "the old shash dog is laying down on a green field", "two grass dog fluffy lawn grass big tibetan old lying grass the a sha sitting there", "a large fluffyman dog lies in grass", "a large, shaggy white dog sitting on the grass", "a gray and white dog is looking up", "a dog on the ground in the grass", "dog dog a big dog big dog dog tibetan large big great a large a this", "dog picture and pet and dog dog white a l large a sheep dog col col", "a big fluffy dog laying on the grass by a fence", "a fluffy colored dog is lying in the green grass at the grass", "a fluffy master laying in the grass as a photo", "a large dog laying on a lush green field", "dog dog l big dog st in giant great sha great tibet shaggy dog tibetan fluffy", "dog st on a dog in dog with a photo dog dog tibetan great dog a", "a dog is sits in the grass", "a large dog that is laying in the grass", "large brown with large old in dog caucasian dog large shi a lying big sitting in", "a large hairy white brown and black dog laying in the grass", "a large dog laying in green field next to a chain - link fence", "a dog is laying in the grass with a white background", "a dog dog laying in the grass", "a dog tibetan large sitting - big large fluffy white dog sitting a is dog dog", "old english sheephorning dog laying in grassy grassy field", "the large brown dog is on the grass looking beautiful", "in laying dog a puppy fence dan large dog in a the sheep laying lamb photograph", "large large dog dog fluffy chow large tibetan tibetan large dog large dog huge tibetan hairy", "sitting dog sitting in the grass", "adult tibetan sheep - dog laying in the grassy area of green grass", "photo picture greeting white dog - dog posters dog a person dog st dog col tibetan", "the adult dog dog is sitting in the grass", "a big brown and white dog sitting in the grass", "large dog laying in big dog large lying dog large a large large dog saint it", "a large white and brown dog lays in the grass on grass", "an old dog laying in the grass behind the fence", "a large dog laying in the grass looking up", "a dog enjoying an artificial lawn with the lawn grass green", "a big black and gray dog sits on some grass", "a dog on grass looking large and cute"]], "question": "Is it true that one of the images features an adult dog on green grass?", "answer": "yes"}, {"question_id": 24635, "captions": [["a large group of penguins that are standing", "three penguin standing in a line with mountains behind them", "three penguins walk alongside each other near each other", "penguins standing among each other on a snowy day", "a group of penguins with their heads down in a field of smaller penguins", "penguins walk around next to each other on a sunny day", "four penguins facing in different directions all on the right", "penguins that are walking in the street in a field", "a group of people that are walking away from the camera", "3 penguins facing different directions while grouped together", "a group of penguins standing next to each other", "five penguins are standing in a field together", "four large penguins walking across a field together", "six penguins are lined up for a picture", "a group of bright yellow beaks stand in a row", "the five penguins are on the snow looking like people", "a group of penguins sitting next to each other", "4 king penguins walking in a row together", "a group of penguins walking in a field", "three penguins standing next to each other", "five penguins are on a beach snowy", "lots of penguins are walking in a snow covered field", "several penguins standing on a large, very large body of water", "four penguins are seen standing together in a large group", "a black and white photo of some tuxedo", "a couple of penguins walking around large penguin penguins", "several penguins standing in a group with one walking towards the camera", "a fleet of penguins are standing close by each other", "four penguins are walking next to each other", "a group of five penguins are standing together", "four penguins walking on one side of the other", "four penguins make their way toward the camera", "six penguins are walking together near each other", "a penguins penguin some emperor a penguins five penguins penguins penguins two penguins people penguins penguin", "many penguins that are walking on the ground", "an penguin with two king penguins standing close together", "three emperor penguins standing side by side on a sea ice", "three penguins are walking in a line out side", "six penguins stand in a group next to each other", "a group of penguins standing on a beach with a blue ocean behind a blue sky", "a penguin and emperor penguins on a small group on a snowy field", "penguin penguin penguins emperor penguin penguin penguin king penguin penguin penguin penguins penguin penguins penguins penguins", "a row of penguins standing next to each other on a beach", "the emperor penguins are walking and standing together", "a group of penguins walking around looking on", "penguins penguins penguins the king large penguins emperor there penguin in group penguin a a some", "five emperor penguin penguins standing in a large group", "large groups of penguins with penguins on an arid area", "some penguins walking in the snow near each other", "a group of penguins are looking into the distance", "three male penguins walking side by side near each other", "a group of penguins walking on a bare land", "five penguins one has a pink tongue and the other has a pink beak", "four penguins are gathered to look out for food", "a group of penguins are in the snow", "three penguin penguins are staring out for something", "two penguins walk together, with one looking sideways in front of the other", "a group of penguins walking towards a group of other penguins", "large group of penguins on open terrain land", "some very cute penguins standing in a row", "penguins stare towards the camera in the middle of the ocean", "a group of penguins walking down a snow covered park", "a group of penguins standing out in a field, one with a long neck", "five penguins walking with one penguin being with the other", "several penguins are walking through an endless row", "a group of penguins walking among a beach", "a group of penguins standing off side in daylight", "a large herd of animals walking on to of each other", "a group of penguins standing in the snow", "several penguins standing around on a beach", "three penguins are walking together in the snow", "four penguins that are walking in the snow", "a pack of penguins walking in the middle of a beach", "a number of penguins on a snowy day", "a group of penguins that are standing in a line", "two penguins standing tall with one penguin standing to the next side", "five penguins standing in a line and one is staring intently at something", "emperor several a there the penguins penguins penguins penguins three emperor there penguin a a a", "many penguins gathered in the sea with one facing the camera", "a group of king penguins standing in a field", "there are penguins are walking across the image", "a penguin surrounded by a line of penguins standing close together", "a group of penguins is wandering around the snow", "a large group of penguins are standing in a field", "six penguins are standing among each other in the snow", "a group of penguins standing in a line near each other", "five penguins standing in a line in front of other ones", "three adult penguins are approaching the group of younger ones", "a group of people with one looking to the side", "five king penguins standing together on a cloudy day", "a group of king penguins stand in a field of snow", "there are four penguins walking together on the ice", "a large group of penguins standing around", "four penguins with one standing a in a line", "some large penguins are walking down the street", "a group of different kinds of penguins next to each other", "four penguins standing, with two on their backs", "a group of penguins are walking beside each other", "a group of penguin standing on top of snow covered ground", "these large group of penguins wander together on snow"], ["a penguin is jumping into the air to get a piece of food and it '", "a large penguin stretching out of the air", "penguin penguin penguin penguin penguin ping penguin a penguin penguins emperor the with king penguins penguins", "penguin on diving platform, with penguins far behind", "a emperor penguin is jumping in the air", "a penguin standing on top of a body of water", "penguins penguins penguin emperor penguin penguin penguin emperor emperor penguins penguin penguin penguin penguin penguin penguin", "an adult penguin chasing a penguin jumping about him", "a group of sea emperor penguins stand by a flock", "a penguin gets his head into the water to catch a fish", "adult penguin penguins with their mouths open to scream as one penguin goes off", "penguin penguin penguin penguin penguin penguin penguin penguin emperor penguin penguin penguins penguin animal penguin penguin", "an animal on top of a human as a penguin jumps forward", "a penguin leaping into the water to the side", "another penguin penguin a a a emperor a a a penguin an penguin a a a", "a penguin is eating a worm in the air", "penguins penguins penguin there emperor penguin penguins a penguin a a penguin animal penguin a penguin", "there is a penguin that is opening its mouth", "penguin penguins birds penguins jumping penguin penguin penguin penguin penguin penguin penguins penguin penguin penguins penguin", "penguin taking air to catch a person being caught", "a penguin jumps out of the water at a group of penguins", "a penguin flips open its mouth and wings out into a crowd", "a large penguin jumping outside on his back", "penguin emperor standing on top of a sandy ground", "a penguin jumping off of an iceberg into the water", "penguins penguins penguin penguin emperor penguin penguins penguin penguin penguin penguins penguin penguin penguins emperor penguin", "penguin penguin penguin animals penguin penguin penguin penguins penguin penguin penguin penguin ping emperor penguin penguin", "a penguin next to a penguin sitting in the middle of antarctica", "penguins emperor emperor penguin penguins penguins penguin penguin penguin penguins penguin penguin penguin penguins penguin penguin", "penguins playing with an open hole in a group of other penguins who are standing around", "penguin is on ice trying to bite an ice jaw", "an adult penguin standing on its belly as an animal approaches it with its beak", "a penguin bird diving into a white snowy snowy area in the air", "a penguin that is leaning at the top of a wall", "a jumping penguin with a beak on top of snow", "a penguin jumping into snow to catch a ball", "a happy or angry penguin looks to the side of the camera with its beak wide", "a penguin stretches out its feet to fly", "a penguin bird feeds the eyes of a group of emperor penguins", "a close up of a penguin jumping in the air", "a penguin jumping into the air with another penguin in the background", "penguins are trying to get a piece of food from the beak of a sea", "an image of an penguins or penguins with opening beaks", "an adult penguinling penguin leaps about an egg - breaking", "a large penguin is jumping out of the ground near a bunch of yellow chicks", "a big penguin that is jumping and a penguin screaming", "a penguin in flight next to a large group of different birds", "a penguinbird leaping into the air to reach its wings", "an penguin dives to touch the feathers in the sky and jumps up into the", "with penguin penguins penguins penguin penguins penguins penguin penguin penguins penguins penguin penguin penguin emperor penguin", "a large penguin on the wing of a snow bank", "penguins penguin penguin a and emperor penguin penguins penguin penguins penguin penguin penguin penguin penguin penguin", "a penguin that is flying through the air", "a large penguin reaching for a ball, in front of a group of animals", "a penguin is screaming while looking into out", "two penguins are swimming together near two each other", "another penguin in the background is surprised by a number of birds", "penguin bird diving to let him in", "a penguin leaping into the air near penguins standing, in a field of snow", "an animal is jumping while its penguin attempts to scream", "penguin falling from a penguin penguin down a penguin chicking", "penguin penguin penguin penguin penguin penguin penguins penguin penguins penguin penguin penguin penguin penguin penguin penguin", "a penguin leaping out of its water to a penguin", "penguins penguin penguin penguin penguins penguin a bird penguin birds jumping jumping penguin penguin penguins an", "a man standing and growling with his mouth open", "a penguin jumping into the water while another penguin approaches by", "penguin penguin penguins penguin a penguin leap penguin penguin snow penguins penguin birds jumping penguin an", "a large penguin penguin with a group of penguins in the background with it's", "penguin penguin jumping in air and leaping into a pond of water", "three penguins standing around eating and sitting in the snow", "a black and white penguin with it's mouth open as it grabs to touch", "an emperor penguin is leaping high up to catch a falling bubble", "two emperor whales with a jumping penguin, with the emperor penguin's wings opened", "a penguin jumping into the pool out to have it's mouth open", "a penguin with a long beak in a group of penguins", "an image of a penguin with its mouth open opening its mouth", "a penguin is stretching out and eating food", "a penguin is jumping a penguin pool with an empty beak", "penguins these wildlife penguin penguins a a penguin penguin picture penguin a group emperor penguin penguin", "a penguins penguin animal one a penguin penguin bird - penguins a penguins a penguin penguin", "an open door into water with two small penguins on one side and the penguin", "a large penguin with a beak and a mouth open wide wide open to show its", "a penguin eating another penguin's fish out of its mouth", "penguin penguin penguin penguin penguin penguins penguin penguin penguin penguin penguin penguin penguin leaping penguin penguin", "a penguin jumps out of the water to catch some fish", "a penguin with its mouth open by a beach", "falling penguin the penguin penguin penguin penguin penguin there penguin animal penguins penguin penguin penguin a", "penguin penguins penguins penguin penguins penguins adult penguins penguins great penguin penguins penguin penguin penguin penguin", "penguins and penguins at an penguins island showing a king is growling", "adult penguin diving out of the water with one penguins'feet hanging out", "a penguin jumps into the air to catch a bird", "antarctica and antarctic penguins diving, with a penguin jumping out of the water", "a penguin with its mouth open coming out of an opening beak", "a penguin in a line of other penguins", "a penguin is touching it's belly up to eat the egg", "a bird birding about an emperor penguin", "a penguin jetting through the air as two penguinos watch", "jumping at a penguin in the air and its beak in the sky", "a large penguin bird jumping into the water", "penguins and penguins walking next to penguin with a big beak"]], "question": "Is it true that at least one of the images show only one penguin?", "answer": "no"}, {"question_id": 79328, "captions": [["parrot parrot to feed attached to the beak on the back of the flying", "three parrot birds in the sky with parrots in the background", "parrots of the mac world", "parrot parrot parrot parrot ara two flying parrot parrot wild mac mac parrot parrot parrot colorful", "the pair of two parrot macumbas parrot bird at parrot rescue in the city", "parrot wild parrot parrot mac pair mac parrot parrot parrot parrot mac parrot parrot mac green", "three parrot flying macmac parrot, parrot flight, parrot bird, parrot bird,", "four beautiful macaws flying in the sky", "three parrotsochers of the amazon flight day of the parrot", "wild parrots welcome to the world", "parrot mac parrot mac mac mac mac parrot mac mac parrot mac parrot parrot parrot mac", "mac parrot mac mac mac parrot parrot parrot mac flying scarlet mac parrot mac mac mac", "four parrots flying in a line together", "mating parrots are one of the largest and fastest known living birds in the world", "three parrot parrots soaring through the air", "two mac two mac flying flying parrot two parrot parrot blue mac red parrot mac parrot", "macacaras in flight 2", "two parrot birds are flying in the sky with their wings open", "two parrots flying through the sky with spread wings", "scarlet macaws flying in the air", "two parrot birds with two macawardss", "two macaws flying through a blue sky with macaws on their wings", "parrot birds and parrot birds wallpaper macawlies the parrots and their mac", "the birds show for parrotmot by the parrot room", "two parrot queensh a macqueta is a way to entertain wildlife parrots", "two parrot bird watching macawets in flight macawles flockers", "a couple of colored birds flying in the air", "a flock of birds with parrots in the blue sky in background", "parrotes of the amazon in pictures macaws of brazil", "para parrot mac parrot mac mac para parrot mac parrot parrot parrot parrot parrot parrot mac", "parrot parrot mac mac parrot parrot mac parrot mac mac mac mac parrot parrot ara parrot", "a couple of red and gold macawes flying in the sky", "a couple of parrots flying into their feathers", "three parrot birds in high flying by itself", "macaras flying high up in a cloudless sky", "two parrot bird flying together in the sky", "scarletated macaws flying in the air", "parrots together in flocking blue and red macons flying together in the air", "a flock of parrots flying above each other", "a pair of macawques flying in the sky next to each other", "parakee green - winged, a magnificent environment for wild flight", "several large parrot birds with feeding bird boxes on their wings macaws, parrot", "a flock of birds containing list parrot for birds parrotaders to feed 2 parrot", "two parrots flying in the sky with their beaks open", "parrot mac parrot amazon parrot parrot parrot parrot red parrot two green scarlet parrot mac parrot", "mac mac mac parrot ara mac mac parrot parrot mac mac mac parrot mac blue parrot", "three large parrot birds in the air flying together", "mac mac parrot mac mac mac mac mac parrot parrot parrot parrot parrot parrot parrot parrot", "mac parrot mac mac mac parrot mac blue parrot parrot mac parrot mac mac parrot mac", "two parrot birds flying in a flock of parrots, the parrot", "three macaws flying in formation in flight", "scarletaton parrot bird birds two flying green macceshing the parrot", "flight for macarans macawes parrotes are just the best photo of", "two gold and red macaws flying in formation", "macaws in flight three macaws in flight, one orange - and", "two large macawses are flying in the sky", "a couple of parrots looking up at two parrots flying", "colorful flock - in action with macapaos flying together", "a pair photo of bird of flying flying parrots flight parrot", "flying together a macquer flight of two parrotbirds with parrotous feathers and", "a trio of red and green macaw birds flying in the sky", "mac parrot mac parrot birds mac parrot parrot parrot parrot mac parrot parrot parrot mac parrot", "four parrot parrots flocking a four pack of mac parrots", "three green winged parrots are flying in the air with two parrots and", "a flock of birds with blue, brown, and red parrots", "macawses of the macaw birds", "two macawzers flying in the sky while flying", "mac parrot pair parrot parrot parrot mac mac parrot parrot pair parrot parrot parrot two parrot", "mac parrot parrot parrot parrot parrot parrot parrot parrot parrot mac parrot mac parrot parrot parrot", "two parrots in the sky flying one after another parrot", "2 flying macaros in the sky by", "three parrotadeur macawons flying in the same pattern, there is no", "four pair mac birds mac blue mac parrot mac parrot parrot mac mac mac green blue", "pair of macaws against pure blue sky", "blue and gold macaws flying in formation", "two birds of parrot parrot with three parrots on the background", "mac flight flight ara parrot parrot blue parrot parrot flight parrot mac mac parrot parrot parrot", "2 parrots flying in formation together one is a macaw", "the parrotes are flying in a group together", "3 big macaws flying parrots parrot birds two of three birds flying couple", "mac parrot mac mac mac swift parrot pair two birds two parrot parrot parrot parrot mac", "mac mac parrot parrot parrot mac parrot mac mac mac parrot parrot mac mac parrot mac", "three parrots in the sky feeding their food parrots", "orange and blue macaws flying in a row", "pair of macawe parrots flying in the feather feathers", "parrot flying mac parrot parrot mac ara parrot parrot birds birds flock birds parrot blue the", "the flight of the mac parakee flight safari", "some macaws are flying together in the sky", "parrots flying together by itself in a row", "macaws flying together in the air, photographed by person", "macaws flying in the sky, flying next to each other with birds in", "two parrots with parrot wings flying a pair of macawes", "2 flight pair of scarletbilling macawade parrots flying, three photograph", "three different macaws flying in a row", "the blue winged band of machros riodos", "mac parrot mac mac birds mac mac parrot mac mac parrot mac parrot mac parrot parrot", "parrot green parrot parrot parrot parrot parrot parrot parrot parrot mac mac parrot parrot parrot green", "parrot mac parrot mac mac parrot ara mac parrot parrot scarlet mac two parrot parrot parrot", "mac mac three mac mac parrot mac parrot two parrot parrot colorful mac blue two green", "two parrot birds with all kinds of birds to perform"], ["three colorful flying beaks below three parrots flying parrotlers", "three red - and green - winged parrotaders gliding against each other", "three birds flying while a third flying with three red macawbirds", "three parrots are flying in formation with a parakeet in front of their", "three parrot landing on a flying object as flying birds are flying above the parrots", "some parroteedes of the animal are flying with colorful birds", "four scarlet - tailed parrots in flight, five of whom follow", "four birds flying in a group of birds in the air", "three birds fly in the air with the same view of a scarletbird", "scarlet mac para parrot red parrot parrot parrot parrot mac parrot mac ara scarlet scarlet three", "3 birds are flying overhead as two are flying in the air", "a group of three macawals flying in the air to two parrotons flying", "flight flying flight parrot in flying flying flying three, red birds flying 3 three flying", "several red legged migrating parakeet birds flying in a bright sky", "three macawels flying in formation in a cloudless blue sky", "a flock of three birds flying next to each other", "three red headed parrots flying with their wings spread with outstretched wings up", "three macaw files flying in formation next to each other", "a group of four parrot birds flying together", "four birds flying in the sky with their wings flying above", "flying three flying four three birds there a flying flying three flying flying three flying a", "a group of three parrot birds flying through the sky", "parrot three three three three three three three three three three three flying parrot trio three", "flying birds to the feather of three incredible birds to soaring bird", "flocking of three parrot - billed birds flying with big parrots in the middle", "an area that includes three different different colored birds flying", "birds flying in the air and colorful", "several parrots that are flying in the air", "macquers in the sky avocar macos parrot, macapao", "red - necked macawawer birds and scarlet tones of a macaw", "three red - and - and - green parrots flying in formation", "three parrot snatchers flying with parakeets on its back", "three red - faced birds and three birds flying in the air", "a group of birds flying close to each other", "a flock of parrotains flying around and two parrots taking flight", "three scarlet - billeded parrotbirds following in flight with parrotaded macaw", "four parrot birds flying beside each other", "a flock of flying birds with birds flying in the sky", "a group of parrot birds flying over three flying red and red macaw", "three multicolored birds flying in a bright red sky", "several four birds of colored - contrast birds flying high in the sky", "a group of birds flying by each other in the air", "three red parrot red flying black of red parrot flying parrot flying one red parrot flying", "three parrotated birds flying in the air with two parrotbirds in the sky", "a flock of birds flying next to each other", "the macaws are flying high in the sky, but four parrot flies in", "four birds flying in formation in the blue sky", "a flock of scarletated macawels flying over the ocean", "a flock of birds flying beside each other", "three red - and - red birds flying overhead in the blue sky", "a parrot red flying mac flying flying flying three birds, bird flying flying birds red", "three parakeel birds in the middle of a blue sky", "parrotons and macawers flying together in the sky", "four colorful birds fly flying with parrot birds", "scarlet macawses in flight flock - fly in flight", "three birds flying together but a red and red bird has a wingspan", "a group of four red and yellow birds flying in formation", "three different birds of a colorful parrot and a few of macawl flying", "a flock of flying parrots being flown by birds of a zoo", "red - fronted mackins flying with a flock of red - and - yellow mac", "three parrot birds flying in the air around ara macaws", "two red wingeded birds and three red colored macawes flying together in front", "a pack of red and orange birds are flying in formation", "macacahsky's of flight in the middle flight with macaws", "four parrots are in the air together flying near two huge bird", "a group of three birds flying next to a parrot", "scarlet a three parrot migrating three parrot parrot three mac three scarlet three red three scarlet", "a group of green winged with a sear of a flock - of - art", "several parrotbirds flying through the air in a flock of three", "three parrots hovering around a group of red and green birds", "a group of birds flying next to each other", "the three large birds are flying very high into the sky", "three parrots watch as two parrots with large macawes in the open", "multi colored macaws are in the air facing each other", "a flock of macawbirds fly a couple of macascoer parrot, and", "flying a three three three parrot parrot three three birds mac multi three two of flock", "two macaws and a parrot, one flying and one chasing a large parrot", "three macawhes and a red - necked amazonil flying in the air", "a flock of red - fronted macaws flying in the air", "a trio of macaws flying next to three parroteedlines", "parrot red three flying birds three flying, flock parrot parrot three flying birds birds birds", "a flock of birds with three macawant flying in front of three scarlet -", "multiple birds are flying with parrots flying nearby and vulture vulture flying in the air", "three parrots hovers hovering against two macawbirds", "a flock of four red - winged parakee and three red - fronted macaf", "three parrot birds hovetring together in flying display", "a flock of red - billed parrotbirds flying with three parrotatered parrot birds", "three bird flying in formation over a forest", "three macaw flock together as birds go high", "the birds are flying very high over the bird are two birds and three parrots", "a red and red and pink - faced macawas parrot flies in the flying", "five parrots flying to the right of them to land", "three birds are flying across a plain with multiple wings", "three black - fronted macafs following flying red and red bird packs in the", "a flock of birds is flying outside in a cloud", "a flock of three parrotons shows the flying capabilities of the macan of the", "three scarletbirds flying into the shape of a birdline while three big - birds", "a group of birds are flying together against a blue sky", "a flock of flies with birds watching three flying flock of birds flying next to three", "image of three red - and, - black birds following a flock of three brightly"]], "question": "Is it true that there are 4 or more parrots flying to the right?", "answer": "no"}, {"question_id": 18554, "captions": [["a herd of wild animals walking across a plain", "a large herd of impli gazelle walking across a landscape", "cheetang on the savannah plains is a wild thing to do", "a herd of deer are running across the field", "a large flock of animals on a green field", "some animals that are walking around in the grass", "the herd of zebras, along the road from the city", "ant does and spring buck chasing gazelle running on a green field", "a cheetah near the top of a hill in the mas landscape", "a herd of cheetah on a clear clear bright day under a blue sky", "gazelle runs away from herd along the horizon", "the large rock wall is surrounded by trees in the background", "cheetah chases cows, bison, and giraffes", "cheetah and gazelles resting on the grassland", "a pair leopard and two cheetaas standing on the edge of a barren hill", "cheetah on the ground in serland", "animals and gazelles are seen grazing in the wild", "run che deer che running run running che che zebra running ant che che wildlife run", "three gazelles running with deer hounds antelopes and gazelles flying in the", "the giraffes are grazing in the safari", "mountain wild plains africa african zebra lion eagle gi sky landscape and acacia kite landscape a", "the wildlife safari including cheetah and gazelle, are walking into the sky", "gazelles on the savannah looking out over the savannah", "gazelles and deer surrounded by many gazelles out in the wild", "running deers and antelope jumping with other deer in the background", "a herd of lions, gaze spots and hunting gazelles running across the plains", "cheetans in the savanna eating grazing in the background", "some deer running away from deer running along the grass", "a herd of giraffes and gazelle in the wild", "a herd of deer and gazelle standing on a hill with the sky in the", "a couple of cheetans and an antelope in the background", "a herd of cheetah and gazelle running across the plains in front of", "a horse - guided road running while two other horses running in the opposite direction", "some cheetah and some zebras are running and one is going", "run of cheetars and cheetans running in the background, blue sky", "pack of gazelles galloping near a backdrop of antelope, during an", "cheetahs on the savannah, with the desert in the background", "two cheetae gazelle, one in a herd of gazelles and running", "animals, animals and zebras are running across a plain with a clear blue sky", "a herd of gazelles and hunting gazelle in flight", "many brown sheep in a big field across the wild", "wild deer run away from running springboks in the distance", "gazelle and antelopes running through the savanna on one side of a road", "a cheetah runs chasing zebras in front of a large herd", "a herd of deer running after a herd of impandula", "the africa gaze walking herd zebra che the gaze savannah herd the gaze lions animals che", "herds of wild cattle running on the plains in kenya", "gazellas and horses grazing in the desert", "a herd of gazelles and oxes in the middle", "a gazelle approaches antelope in the distance on the plains", "three giraffe running next to each other in the savannah", "an open landscape, a blue sky, a full blue sky and two cheeta", "an antelos running in the savannah, as gazelles look behind it", "small herd of antelope, gazelles and gazelle running up the hill", "a horse is looking out into the distance with the sky in the background", "a group of giraffe and antelope walking across a brown field", "a herd of antelope and gazelles run through a grassy plain under a", "a herd of antelope and gazelle run in the field", "a big plane flying over a hill and ocean", "the deer gazelles are moving along, a gazelles running among running gazelles", "i'm running as a bus travels on over the serier land", "gazelle is chasing while two of the cheetoe gazelles graze on", "people riding on the grass in the field in africa", "a herd of deer herds running with spring gazelle in the background", "a herd of gazelles and antelopes running across a green field", "a herd of antelope and gazelles running across a field", "cheetats herding giraffes in masaf", "three cheetahs, one is on a savannah", "two giraffes near each other in a field", "a herd of cheetans grazing near the savannah", "a giraffe chasing after two cheetah, running away", "a group of cheetah running and jumping across the grass", "a herd of gazelle in the middle of nowhere", "three cheetans walking all the side of ser", "two gazelle's and three thomsonos in the background, as a hazy", "cheetah and cheetah on the move in the wild", "a large herd of cheetah grazing on grass", "person in the grass where is the most visible view", "a cheetah, cheetah and ostriches graze in the", "a herd of gazess, antelopes, gazel gaze on the horizon", "a herd of impvaline marching across a plain on the savannah plain", "a group of cheetahes chasing antelope", "running herds deer ant running running ant running running spring animals doe grazing doe grazing running", "a group of gazelles standing in front of a herd of implops", "herd of cheetah running on the plains", "a herd of goats runs on the savannah", "cheetaas chasing the cheetans as some cheetaas come running on", "a herd of gazelle moving down a field, with a blue sky in the", "a group of cheetah and gazel grazing in the savannah with sky blue", "che che che che che che che che che che on che che che che che", "a herd of antelope in the blue sky", "wildlife are seen running through the plains during a time of crisis", "a number of cheetars running through a field with some cattle around", "gazelle gazelles running with gazelles running with ant deer and gaze hounds running", "wild animals gazelle and herd africa in front of a group of gazelles,", "a herd of cheetah, gazelles, cattle, and other wildlife running", "animals and antelope, some of which are running away from the grass", "two cheetah gazelle are running on the plains in africa", "a few cheetah and two cheetah chemillas on a green", "run by impas running with group of black headed gazelles running across the background"], ["two cheetans walking across an open grassy plain", "a blurry photo of a cub of a wild animal in the middle of a", "zebra with a background sky and water", "buffalo, buffalo and wildesses with wildebeests in the background", "a herd of cattle that are grazing in the field", "a cat is standing in the middle of a field", "a leopard running on the plains near a herd of wildelles in the distance", "two large animals standing in the distance with a mountain in the background", "a cheetah spotted in a field with a view in the background", "a photo of animals in the background on the water", "a cheetah walking in the grass near some wilde grazing", "a cheetan walking near the ocean on a nice day", "che lone leopard,, with che leopard leopard che lone walking che the a by", "a bird flies over the ocean to the beach", "two cheetan's on the open plain look at the water to the", "a field filled with lots of dirt next to the water", "a lone zebra on the dry grass next to water", "a cheetah is on the prowl as the other cheetah graz", "che che lone leopard leopard leopard che che leopard safari leopard leopard leopard che leopard che", "the sky is blue and clear as a mountain stands in distance", "cheetang leopard in a field with clear blue skies", "wild animal herd in an open field with a sky background", "a cheetah is lounging in front of the huge animals", "a zebra on the savannah looking at the ocean", "che che che che che che che che che che che che che che che che", "a zebra roaming around the grassland, with water wildebees behind it", "wildellas grazing in the distance with an elephant standing on a hill", "a cheetah standing on the safari in tall brown grass", "the cheetah is the biggest wild cat in the world", "an animal in a meadow next to many other animals", "there is a cheetah walking down the street in the wild", "zebra large photo zebra zebra, is zebra buffalo animal african and gaze wilde plains a", "picture of cattle grazing in open field that is grey skies", "cheetan in the open plains of africa", "a cheetah walking with other wild birds in the distance", "cheetah standing on the savannah with an ocean in the background", "a great photo of a wide view, animals, and a blue sky by some", "a zebra herd grazes together in a herd", "some wild animals are pictured together standing together", "a blue sky with a water buffalo in it", "a cheetah walking toward a wildebeest and water buffalo", "a leopard next to the beach with grass", "a cheetah standing next to a cheetah zebra and large animal", "a cheetah sitting in the grass facing the ocean", "a cheetana walking while several pack of animals graze", "a cheetah on the plains is walking into the distance", "a leopard is walking through the savannah with animals", "a cheetah standing in the grass near a body of water", "wildebeest herd in the background with the sky in the foreground", "a che che african a animal che photograph blur kenya photo a leopard africa wildlife african", "herd of wildebeezer grazing in savannah land", "a car driving past a tall grass field", "a big zebra on a plain with a big horizon in the background", "two cheetah walking through a grassy plain with water wildesseas and another", "a cheetah looks intently down as wildes graze", "a couple of elephants in a field next to a lake", "a lone animal watches as the herd of bison and water buffalo roam", "the sky is grey, but the animals look like animals", "a cheetah walking in the ser open, towards a field", "a leopard looking with a lone animal in the background", "two animals walking in front of some water", "a cheetah cat walking through the grass while looking at the camera", "a very small cheetan standing in tall grass", "che african che looking che che che, spotted the che che che che cub sitting", "a cheetah, standing among wildebeest and great wildesses", "a cheetah, standing next to wilde grazing", "the giraffe, zebra and zebras graze are in the distance", "a group of people walking near each other in a field", "a cheetah standing looking towards big pan - camera", "a leopard leopard leopard leopard leopard che the che che che zebra leopard leopard leopard in", "a large heard of wild animals graze in an open field", "animals and a cheetah in a field", "the adult and a group of zebra walking in the field", "a cheetah standing on the plains in front of a herd of animals", "an animal standing on top of a grass covered field", "a cheetah walking with a herd in the background", "a cheetah running through the african plains", "a giraffe looking into the distance as many rhinos grazed in the", "a gi landscape wildlife lone a one zebra wildlife gi a animals pan a a a", "a cheetah walking across a lush green field next to a sea", "a leopard is walking across the plains with a sky background", "an image of a person looking back at some animals", "a cheetah cheetah standing on the edge of the ocean in front", "a cheetah and a cheetah are all standing near one another on", "a cheetah in an open field with wildes", "a group of cheetah birds in an african region", "the sky is gray and so it appears to be gloom", "wild life in african savannah setting with cheetah out in open field", "a cheetah and several animals walking along a field", "a to in the animal pasture, bull and brown wild - and elephants the brown", "a herd of animals and bison wander the wild", "a cheetah standing on top of a lush green hillside", "a che lone cub on a clear day looking out at a big plains with a", "a cheetant walking towards the camera on the beach", "a person looking out on a clear sky", "single adult cheetah in a sandy area with a very mountainous horizon", "cheetan on the plains near the ocean", "a lone cheetah walking in a field near grazing land in the distance", "a cheetah in the wild next to a herd of grazing animals", "view of a large african wildlife in the countryside"]], "question": "Is it true that the sky is visible in the background of at least one of the images?", "answer": "yes"}, {"question_id": 56284, "captions": [["kids running in a courtyard in front of a tall stone castle", "a striped striped brick structure with stripes striped stripes a building, arches, arches,", "people are walking past some columns", "a clock tower in a very ancient looking building", "a very nice old church with many columns", "some building that is in a courtyard", "old old to and marble architecture stripped mosaic old by stripped black striped old exterior black", "an old building in a mountain area", "many people are walking around in this park", "a old town courtyard in the ruins of a historical castle", "a girl and her friend walk on a cobblestone floor near a church", "a cathedral with its red and white stripes with a cross at the top of a", "an old courtyard with a white and gold tower", "a church is painted with black and white stripes", "very church church with a white and black striped structure and round roof", "the architecture of the small old town is beautiful", "a very pretty courtyard with a large castle in behind it", "a church in the middle of the town", "a building is pictured with striped courtyards in this picture", "people sitting on the ground outside an italian castle", "the church tower is red and black with white stripeing", "there are several white and black columns in this structure", "small church domed church in greece", "a church painted with black and white stripes", "a square that has people walking around it with brick pavement", "the courtyard of a building that has columns and stripes in black and white", "people walking around a town street in front of some buildings", "people walking in the middle of a courtyard next to a group of people", "a building with many columns and arches in it", "an old cathedral is red and white with an unusual design and striped", "there are many old buildings around the world", "assisitaly facade, the courtyard of the monastery", "of church black buildings a zebra outside stripes and st old old and brick buildings architecture", "the interior of a striped building has white and black stripes", "striped square zebra and courtyard the courtyard town in the buildings courtyard courtyard courtyard courtyard zebra", "some women are walking in and out of a castle", "the small church sitting in one of the medieval square in a city", "a very pretty building with domes on top", "the courtyard of the monastery of the blackbirds in the mountains of the greek cy", "a photo of an old building with some columns", "a beautiful striped building under a bright blue sky", "a room with arches and stone walls with arches and columns", "an image of some building with some very beautiful buildings", "a building with some people around it at dusk", "courtyard stripes striped stripes and red striped red buildings - courtyard of cathedral church church striped", "one couple and a small child, a boy and a yellow dog", "a building that has an old red and white building and a castle on the side", "a striped building in striped stripe stripes lines on a cobble path", "an outdoor church in the area of a mountain resort town", "a large building with several domes and a dome on its side", "a large building with black and white stripes and a red building", "a colorful building with black and white striped columns", "the old city of varg in the mountains", "a square with a small building and a roof with a cross on it", "person on a walk near a church", "a church with a zebra striped facade and a clock tower", "old church church architecture old church the basilica courtyard architecture monastery in monastery courtyard monastery palace", "a red and black striped building with striped walls and white stripes", "a castle that is striped and maroon and black white", "a large clock tower in a cloisons on the side of a hill surrounded", "an old building with a black and white line striped facade", "a large church with many arches in a building", "a building in an old city centre with a big clock tower and a bell on", "old church in the town of stavov, serbia", "the saint mary cathedral and old buildings in alancaki intercontinental vich", "a circular courtyard with many arches and archedly striped striped architecture", "an old courtyard and a church with many arches", "ancient architecture in the area of stavtsyn, georgia travel", "three people outside a town hall where there are white and pink striped houses", "a church complex with stripes and a circular dome", "and mon main on and the church and and square and monasteries church museum the the", "a large courtyard courtyard with striped arches in pattern striped buildings", "an old building with striped wall and a castle in the background", "a photo of buildings and arches of the ancient city", "a black and white striped courtyard inside the mosque", "there is a stone road in the city", "a group of men walking around in some old stone buildings", "a small town that has a large building with a steeple on top of top", "a white and black church on a sunny day", "a courtyard white interior church church castle courtyard courtyard an architecture an architecture museum church town", "people playing on a pavement near an old castle", "a tall castle overlooking a court yard and castle", "the clouds are on the blue sky and a blue sky and a church", "a church with arches in a courtyard and an intricate striped cross on the outside", "the inner courtyard of an old stone and striped building", "two children walking inside a building with a sky in the background", "an old stone and striped building with arches and arches", "people are walking around an outdoor square", "an old church with a black and white striped building", "several buildings at the center of a stone brick courtyard", "a white and black monastery with an ornate and striped courtyard", "a black and white architecture with columns and white pillars", "the courtyard is a beautiful courtyard where people can enjoy a picnic", "the old building is decorated with stripes and arches", "a small brick and white cathedral with roof of red and black stripes", "a church with white and black stripes in the courtyard", "three boys stand in a courtyard", "a stone courtyard outside a building with columns and arches", "an outdoor area with stone blocks and striped columns", "two girls running in the courtyard in the church courtyard of mtb with mountains behind"], ["the city building is located in a city on top of a hill", "a white city with white buildings and a mountain in the background", "a picture of a very tall white building", "a huge city sits in the middle of a town", "the buildings lined up in the middle of the city", "a white building overlooking a mountain and buildings", "a white building with many windows in the middle", "a red and white building a buildings and some buildings", "a large white building in the city", "a group of large ornate buildings with a wooden roof", "the buildings are white and are on the side of the mountain", "a photo of a building with a tower atop the other side", "the building building with the rainbow roof is next to the white building", "city buildings some the white white the apartment white a buildings looking mountain architecture the buildings", "some buildings and a roof in a very small town", "the view of some very tall buildings with mountains in the background", "a row of houses on a hillside near the lhe", "hotel with a red roof, and white buildings behind with people all over it", "a city with a train crossing an obstacle", "a building with many windows standing next to mountains", "a white house next to a brick building", "buildings in front of other white buildings", "a person walking in front of many buildings", "a white building with a yellow and red striped roof", "a very big city with white buildings on a hill", "a large white building surrounded by a white building", "a tall building with white windows on a street", "houses are painted tan and white with many windows", "a town is shown on a cliff with white buildings", "a white row of buildings next to buildings", "a very nice building near a very big city", "building a city in the tibetan city", "architecture and buildings with mountains in the background", "a city street and building, white building under a blue sky", "a picture of a street with white houses", "the building is white and has lots of windows", "two - story white buildings in a village surrounded by white tall buildings", "apartment town surrounded by white buildings and white stucco clad buildings", "view of a large white building with windows in a big city", "a tall building sits on a hillside next to a building", "a wide city filled with buildings in the distance", "a view of a white building in a town with white buildings", "a white building sitting next to a white city and buildings", "a hill with some very tall white buildings and a mountain in the distance", "several white buildings sitting on the side of a town", "a white building and a building with a sky background", "the buildings are white in color and red tin roofs and red on roof, and", "the palace building is white and has red trim around it", "a large white building sitting on top of a street", "a white building with a long balcony on top", "a building with a view of a city and the top of a tower", "a small white city with multiple buildings", "a row of many white and yellow white building next to a street", "a white building in front of white buildings with red roofs", "this is a church in a narrow city", "a building next to a few white houses in a small town", "a large white building with several dorms and two dorm balts above it", "a tall white building next to a tall white building", "the town is very high, with white buildings", "city scene in the middle of the day with clouds in the distance", "some buildings are in a town next to white buildings", "white buildings, a tall building, and a large white building in front of a", "buildings at the center of a street in a city", "a tibetan city with some roofs and white buildings", "a hillside view next to the hotel at the foot of the hill", "top 20 things to do in santiago", "a building with white trims in front of a white building", "tibet - like building on the cliff side, some houses in the area in the", "a train travels over the roof of a high building", "white town with high roofs against a mountain - side in the country of the united", "an empty white building in a town", "two very big white buildings sitting in front of a large white building", "one of tibet buddhist monastery to a former building on the lyase", "the city of potakhra, tibet, has a white and red town", "there is a city skyline featuring several different levels of building", "a white building with windows, some doors and many windows", "a town with white buildings that are connected to white buildings", "the clouds are white as they move through the sky", "the building has big windows and three giant white windows", "a building with a clock near the top of it's roof", "a bunch of windows next to buildings in a city", "a buildings old a buildings a white buildings mountain building city building the a building the", "residential apartment old stone the building city city a white looking buildings houses houses is town", "ladi city a shot of the city - view of lado", "a building with lots of windows at the corner", "a very small town that has some buildings and some buildings", "a small town with long white buildings at a hilltop", "a train traveling down a city street lined with white buildings", "a house and some buildings against a mountain backdrop", "a tibetan village next to a castle", "the old town of gyan", "white buildings are seen behind the mountains in the city", "a white building with many white pillars on top in a town", "historic building on a country road in tibet", "a building with lots of white architecture", "a large white building with cars parked at the top of the building", "several white buildings against white buildings with large white buildings in the distance", "white houses in front of a hill with a church on the top", "a view of some buildings from a balcony", "a city built into a high cliff by many white tower towering over the city"]], "question": "Is it true that in at least one image there is a squared white walled building with at least three floors?", "answer": "yes"}, {"question_id": 33230, "captions": [["two white wolfs in a snowy covered forest", "two white wolf walking on a snowy hill with their own", "two gray wolfs running in the snow near trees", "two grey / white dogs are walking through the snow", "and grey wild two white two wolf two the each pack wolf wolf gray white two", "wolf wolf wolf wolf wolf pack and wolf wolf wolf wolf wolf wolf wolf two arctic", "two adult wolf cubs wolf walking in winter", "a couple of wolfs running across a snowy field", "two animals run in the snow with the snow covered ground", "wolves wolf wolf and two wolf walking white white wolf wolf out walking wolves wolves can", "two wolves walk away from one another through the snow", "two bears walking through the snow with one has his head down", "two gray wolfs walking down a snow covered trail", "a wolf and a wolf walking across snow covered ground", "arctic wolf wolves wolf coyotes wolf two wolf wolf and animal the wolf two wolves wildlife", "two white pups walk through an open area", "two howling wolfs in the snow on top of a hill", "two wolf in forest the two are facing in opposite directions", "one wolf pack chasing a wolf walking across the snowy woods", "two gray and white arctic animals walking across the snow", "a couple of wolves running across a snow covered forest floor", "three arctic wolves walking through the snow in a forest", "gray wolf wolf wolves wolf wolves wolf wolf wolf wolf wolf wolf wolf wolf wolves gray", "two large white wolfs standing next to each other under trees", "white wolfs are walking in the winter on ground in the woods", "two large gray and brown wolves in the snow", "two gray wolf wolfs stand in the snow", "two gray wolfs are running in the snow", "looking wolf the grey wolf white two the wolves grey two winter coyote wolf three wolf", "two animals photo in wolves howling two wolves fox wolf two two wolf two coyotes fox", "in animals and wolf wolves wolf wolves wolves wolf gray grey wolf wolf wolves wolf wolf", "the three grey wolf are looking straight ahead", "two white wolfs walking through the open wooded forest clearing", "wolves look at the camera in this undderious photo", "a couple of very cute wolf dogs walking across a street", "two gray wolfs wolfing through snow in the wild", "two large animals are walking across a snowy field", "two white wolves walking by a large tree in the snow", "two animals walking across the snow near one another", "two gray wolf coming toward a forest in the snow", "two wolf chasing a pack of wolfs in the snow", "two wolves wolves wolf pack in the snow", "the pack of wolfs is heading for a trail through the snow", "two wolf wolf walking out by", "two animal walking in the snow out wolf", "two grey wolfs walking through the snow toward a pine tree", "a pack of a pack of wolfs standing in the snow together", "a wolf walking in the snow", "wolves wolf can wolf wolf wolf wolf wolf the wolves wolves and animals winter in wolf", "wolf wolf wolves gray wolf wolf wolf wolf wolves wolf wolf wolf wolf wolf two timber", "duo and pack and go running walking, wolf and wolf wolf two two dogs deer", "wolves running in the snow off the ground", "two wolf pack walking in the snow, walking in the snow", "two gray wolfs in the snow in the woods", "a couple of white foxes looking at the camera in the snow", "two wolf pack walking through the snow", "wolf grey wolf wolves wolf wolf wolf wolf wolf wolves wolf wolf wolf wolf wolf wolf", "two wolf males with a dog walking outside looking at another one walking inside the snow", "white wolf and a gray wolf running in the snow", "the wolf pack is looking for winter prey", "two wolves in the snow with one walking", "a group of wild animals running in the snow", "two wolfs are walking in the snowy forest", "wolf wolves wolf wolf wolf wolf wolves wolf wolf fox wolf wolf wolf wolf gray gray", "two white polar bear walking in the snow in the wilderness of the canadian rockies", "two walking, gray wolf wildlife, gray wolf and wolf wolf", "wolf wolf wolf pack wolf gray wolves pack white wolf coyotes wolves wolves three wolf wolf", "two gray wolfs walking side by side in the snow", "a couple of big black and white animals in snow", "wolf two wolf wolf can wolf timber wolf grey wolf timber two or pair the and", "two wolves running through snow with a forest in the background", "two wolves walking in the snow in the woods", "the two animals go on a snowy trail", "two gray animals walking on a snowy field", "two grey wolfs face each other in a forest clearing", "wolf can walking in a grassy on a snowy surface", "wolf wolf, pack wolf pack can out wolf wolf wolf wolves white wolf wolf and", "two wolfs are seen roaming in a snowy field", "the two gray wolfs look different as the wolf goes out", "grey wolf grey wolf arctic looking wolves animals wolf wolf grey wolves two animals wolf a", "two large wolf kits walking across the snow snow", "a group of animals walk through a field of wild grass", "two wolfs in the snow walking across the field", "two timber coyote animals are also walking in the woods", "two grey wolfs walk together walking across a snowy forest", "two wolf cubs gallo across a forest covered with snow", "two wolf canis and two other animals in snowy field", "two gray wolves snarl pack - wolf pack walking in animal world", "two big white wolfs standing in a snowy forest", "wolfs running through a snow covered hillside", "a couple of wolfs walking around in the snow", "two white wolfs walking together in a clearing, in the woods", "gray gray wolf wolfs can dogs of the pack", "two timber wolf wolf standing on a snowy slope", "two animals run in the snow to the hill", "two gray wolfs moving in their natural surroundings", "two wolf wolf wolf wolf wolves wolf two wolves wolf wolf two two wolf the wolf", "two wolves two wolves wolves animals two in lone two wolves wolf walking wolf wolf two", "two animal two 2 running photo wolf wolf pack walking of animal pack two wolf two", "two wolfs running through the snow in the winter"], ["a coyote hunter feeding a fish to a wolf cancane", "wolf running wolf wolf wolf wolf wolf coyote water coyote coyote lynx timber wolf wolf wolf", "wolf on with coyote coyote gray walking wolf coyote can wolf wolf wolf wolf wolf wolf", "a gray wolf walks across a field carrying a brown mouse to it's mouth", "a gray wolf stands next to a lake, holding the remains in its mouth", "wolf crossing grey wolf wolf wolf jack wolf wolf wolf can coyote yellowstone wolf wolf wolf", "wolf wolf a gray wolf coyote wolf gray wolf wolf wolf coyotes wolf wolf alpha howling", "a gray fox by a pond", "a wolf standing in a grass field next to a body of water", "a wolf standing in the grass beside a lake and water with a wolf in the", "a wolf is walking amongst the grass around the water", "a grey wolf by the pond in northern coyotes", "wolf wolf lake wolves wolf wolf running wolf a moose gray lake coyote and lone lake", "a wolf with a snake in it's mouth walking along", "a wolf walking through a wildlife park park next to a lake", "a wolf cub standing under a large river with a fish in its mouth walking across", "a wolf walking in a grass field by the river", "a wolf walking across a field next to a lake", "wolf wolf wolf yellowstone wolf wolf wolf wolf wolf jack hunting gray wolf wolf wolf lone", "a wolf standing in front of a river next to the shore of a swampland", "person walking across the grass of a meadow", "a wolf walking near a bank near a water hole", "gray wolf at a creek and river in yellowstone wolfdog habitat", "a wolf walking across a grass covered field next to a small lake", "wolf wolf wolf wolf coyote wolf wolf wolves gray timber wolf grey wolf gray wolf wolf", "a wolf is walking out of the water to drink", "a wolf walking by a pond in the foreground", "a wolf walking near a river by the water", "a gray wolf walks past a fish that was in its mouth on the ground,", "can wolf wolf lone wolf wolf wolf wolf wolf wolf person person wolf wolf wolf wolf", "a lone wolf standing in a meadow by a river", "a wolf holds a fish in its mouth with a wolf nearby a body of water", "a wolf and a wolf standing next to a body of water", "a wolf walking in front of a small lake", "a wolf is standing by the water in the grass", "a wolf is walking in the grass next to a body of water", "walking near a small lake behind a wolves standing in grass", "a wolf stands in an open field near a lake", "a wolf walking on grass next to a small bird", "two wolf walking across a grassy field near a pond", "wolf wolf, wolf wolf arctic wolf wolf wolf wolf wolf coyote wolf wolf pack wolf", "a lone wolf on the edge of a lake in a meadow", "a wolf watches a crane bird for prey", "a lone wolf outside of a water canal", "a wolf, eating fish in a pond", "a wolf is holding an alligator in its mouth", "a wolf that is in the grass eating dead stuff", "a lone wolf walking beside a river eating the salmon", "a large wolf walking through the grass near a lake", "wolf dog with wolf by lake in natural setting", "a wolf walking beside a body of water looking about", "a lone owl playing by a water fall in the wild", "a lone wolf by a pond in the wild", "a lone wolf is walking in a field and sniffing the water", "a wolf eating the prey that came caught in a trappet in the grass and", "a wolf walking in an open field", "a wolf walks by a pond in front of it", "a gray wolf at a river drinking its prey to be caught", "wolf coyote wolf wolf wolf coyotes pack wolf wolf wolf person wolf wolf wolf wolves wolf", "wolf coyotes wolves wolf coyote call wolf coyote wolf wolves of wolf wolf wolf wolf wolves", "lone wolf at a lake with water on the ground", "a wolf standing in a field next to a river", "gray wolf and person walking next to a small body of water", "a wolf walking by a pond at nature preserve", "howling in a field looking at water and in the grass and the wolf", "a wolf, a wolf wolf wolf lower a lynx coyote a lone lake a wolf", "a lone wolf walking towards a stream in the grass", "two wolf wolf a gray timber gray wolves gray wolf coyote wolf wolf coyote wolf wolf", "a grey wolf walking in a dry grass field next to a pond", "coyote wolf wolf wolf wolf wolf coyote wolf wolf wolf coyote yellowstone wolf wolf wolf wolf", "a single wolf walking near a watering body", "a wolf by a water hole", "wolf wolf wolf call coyote wolf wolf wolf wolf wolf wolf wolf the howling wolf wolf", "a wolf standing next to a tiny lake with a water", "a wolf in front by a river", "a wolf standing on a lush green field near a body of water", "wolf wolf wolf wolf wolf fish wolf grey wolf wolf wolf yellowstone a wolf wolf lone", "a wolf walking across a grass covered field next to a lake", "yellowstone wolf at water and wolf by water puddle", "a wolf walking in a field next to a lake", "a gray wolf walking beside a river, a dead animal in front of water", "gray wolf walking near water and wolf walking nearby", "a wolf and its wolf cub canis going into a river", "a lone animal walked in front of a small lake", "wolf drinking grey coyote wolf a wolf a wolf wolf wolf wolf wolf wolf wolf and", "wolf wolf lynx wolf a grey wolf wolf wolf wolf wolf wildlife and wolf wolf wolf", "a gray wolf walking in a field in front of a pond", "wolf grey gray gray wolf lone wolf wolf wolf wolf coyote grey wolf gray wolf gray", "a lone wolf standing in grass next to a lake", "wolf person wolf wolf wolf wolf wolf timber wolf wolf wolf gray wolf wolf wolf wolf", "a wolf is looking for a fish in a field", "an animal walking away from a lake in the grass", "a wolf in field next to a body of water", "coyote near a pond in a grassy field", "a grey wolf with its food in a river bank", "grey wolf coyote lone alpha wolf lone wolf wolf wolf grey wolf wolf timber gray lake", "a wolf in the wilderness walking down a shoreline", "person approaching an watering of water", "a wolf walking past the edge of a lake while walking towards water", "a wolf standing on top of a grass covered field next to a body of water"]], "question": "Is it true that one image features a wolf on snowy ground, and the other includes a body of water and at least one wolf?", "answer": "yes"}, {"question_id": 77904, "captions": [["one king penguin penguin aptenoptus aptarillus among a group of young", "the large penguin is surrounded by a large herd of large brown penguins", "penguin with two penguins in a line of it's chicks", "a penguin in a group of brown birds with one penguin looking away from the background", "a bird standing among a lot of smaller birds", "a penguin stands among a herd of very young penguins", "a few penguins are standing there in a large group", "small brown and black birds and penguins", "there is a very large flock of young birds that are brown and brown", "many small penguins with a black and orange beak", "there the emperor penguins have a head full of penguins", "in penguin yellow penguin penguin emperor penguins penguin penguin penguin emperor king penguin and penguin penguin", "a penguin penguin with its penguin feathers on", "a penguin penguin standing between a large group of penguins", "a large penguin stands surrounded by many tiny brown birds", "lots penguin and black beak - ping king brown a tu brown penguins big back tu", "penguin penguins are looking about to be penguins", "penguin penguins are among the younger penguins, the adult penguin is behind them", "a group of baby birds brown fur on head", "a penguin is standing in a pack of people", "a large group of fury brown penguins all standing in the formation, each", "a king penguin among a herd of baby brown penguins", "some red and black is a yellow and red head", "two penguins that are standing in a long group", "a penguin in the middle of a group of penguins", "a group of fluffy penguins standing around in the water", "a penguin standing in a big herd of penguins", "a penguin in a crowd of penguins", "a large penguin at a distance with other penguins in its back", "a penguin stand out from a line of penguins", "a large crowd of penguins have their eyes closed", "a large penguin with its beaks down standing at the side of penguinbirds", "large number of brown bird around a baby one in the back", "a penguin is walking among groups of birds in the day", "a group of penguins with their heads down", "the large group of king penguins was watching and looking behind them", "a large penguin with a large group of babies behind it", "emperor penguins penguins penguin penguin king penguins penguin penguin king emperor penguin penguin emperor penguin penguin", "king penguin standing out from a large crowd", "penguin fur many king emperor penguin penguins emperor large penguin penguin emperor emperor penguin penguin penguin", "a big group of large tan and brown fur - like animals", "a large group of birds in a field", "one penguin penguinbird penguinbird all penguins are walking and standing penguins standing king", "a yellow beak penguin amongst a group of baby birds", "a penguin standing among other penguins looking at the same side", "a large penguin standing between a group of large furry people", "a penguin in a very large crowd of smaller brown fur", "penguin penguin penguin and bird penguin penguin penguin emperor king penguin penguins penguin penguin penguin penguin", "a penguin with a white belly, yellow breast and a black and white head surrounded", "a penguin standing in a group of small furry animals", "a black - monarch birds the penguin penguin the penguin black - black penguin penguin,", "a penguin among the head of other penguins", "penguin penguin king king and black bird emperor penguin penguins black emperor penguin emperor penguins penguin", "a flock of small penguins playing around together", "a small penguin standing, amongst a group of many other birds", "a group of birds standing next to each other on a field", "penguins penguins penguin penguin penguin group penguins king king penguin penguins penguins penguins penguins penguin penguin", "a group of penguins that are surrounded by large ones", "a penguin is standing around a line of baby penguins", "penguins are looking down from their baby back", "a picture of the close up of penguins by a group of penguins", "a penguin penguin, chicklings, and adult penguinles stand together", "a penguin on a snowy winter penguin bird", "a penguin standing in front of many other birds", "a penguins that are facing each other in a group", "a large penguin is in a crowd of small penguins", "this is a black and white penguin standing in a large group of small brown penguins", "a large group of penguins with a penguin face in the center", "a penguin penguin standing in a crowd of smaller penguins", "penguin a king penguin penguin penguin emperor penguin penguins yellow emperor emperor penguins that penguins penguin", "birds are standing in a group with one bird staring on its head", "a black and brown penguin surrounded by small brown and brown penguins", "the head of a group of penguins standing in a line with it's babies", "a black and white penguin surrounded by lots of brown and white fur", "a king penguin stands tall looking at something with its head looking sideways", "large groups of fur and a adult emperor penguin looking toward a white egg egg from", "a penguin standing between a group of other penguin", "a penguin sitting in the middle of a group of fur babies", "a flock of penguins with one penguin looking at the camera", "a big group of brown and tan penguins huddled together", "a penguin standing in the middle of its herd of down sleeping fur", "a penguin looking forward during a large flock of birds", "a penguin looking into the camera between penguinlings", "a couple of penguins stand among large penguins", "penguin the penguins a penguin many emperor very penguins yellow king penguin penguin penguin many penguin", "penguins standing among a flock of brown fur and white", "a large penguin with a little penguin behind it and lots of other penguins around it", "a penguin with many other penguins with orange eyes", "penguin penguin adult penguin penguins s king penguins penguin there penguin penguin king penguins penguin bird", "one a a penguin penguins king penguin penguin penguin - penguins penguins penguins black the king", "a number of birds close to a shore", "birds penguin penguin penguin looking penguins there penguins a black emperor ping penguin there black bird", "penguin penguins emperor penguin birds penguin penguin penguins penguin penguin penguin king penguin yellow birds penguin", "a penguin with head on its back surrounded by fur", "penguin penguin penguins penguin penguins penguin penguin penguin emperor penguin emperor penguin penguin penguin penguin penguin", "a penguin with its baby beside some penguins", "a penguin penguin standing among a huge group of the large birds", "a penguin wearing brown fur is with orange eyes in group of penguins", "emperor penguins penguin emperor penguins penguin penguin penguin falkland emperor king antarctica penguin penguin penguin fur", "a young and adult fured birds walking together in line"], ["a group of different penguins at seabirds near a group of animals", "three penguins with three orange beaks are walking", "a group of penguins walking together by in a falklande penguin park", "a bird circling behind a group of penguins on a beach", "a bird flies above three king penguins on a pebble", "a group of penguins close to the sea with an open beak", "some penguins standing on a beach next to birds and a seagull", "a group of penguins with orange beaks on a blue background", "a group of penguins walking around outside looking at the ocean", "there are three penguins standing next to each other", "penguin penguins with yellow around and yellow on their oranges", "a group of three penguins and several birds flying in the sky", "a group of penguins standing together on a rock plain", "a group of penguins standing on a rocky beach", "a group of emperor penguins on a shore near the sea", "a group of several penguins facing one to the left", "an adult bird flying flys between a few emperor penguins", "a bird flying near some birds and another bird", "a flock of penguins and a pigeon are walking", "a group of three penguins standing tall and wide next to each other", "two penguins that have beakles on their beak and one bird is in the background", "penguins are standing and looking towards various directions with orange beaks", "the image of penguins are standing together in a line", "penguins penguins and penguins penguins penguin penguin penguins birds'penguins penguin penguin penguins penguins penguins", "the penguins are walking along the shoreline on the beach", "a group of seven penguins walking on top of a field", "group of penguins with a bird in the background", "flock and the penguin looking flock penguin bird penguins penguin penguin birds birds penguins penguins with", "penguins in the penguin's nature wildlife expedition are ready to get on the penguin", "a bird flying and a flock of penguins", "five penguins are walking next to one bird with a flying bird in the background", "a group of penguins standing next to each other and a bird flying above", "a group of penguins standing in a line on a dirt ground", "lots of penguins flock the place and the picture has a big history", "a group of penguins standing or standing in a line", "group of penguins walking under a blue sky", "a small group of penguins standing next to each other", "to birds penguins - penguin penguins 4 penguin penguin ping emperor penguins free penguins penguins", "a group of people and a bird flying in the sky", "4 birds and two penguins stand talking and one has just pulled out of the ocean", "a group of penguins with large feathers and their birds", "seagull and sea terquiles are seen", "penguins penguins penguins birds yellow penguins emperor penguins penguins penguin penguins st king king a penguins", "i had this shot of a group of penguins at st andrews point the birds were", "penguins penguins penguin penguins penguins penguins penguin penguins penguin king gold penguins penguins penguin penguins penguin", "a group of emperor penguins with their oranges and black", "three penguins standing in a line looking straight with an beak", "a bird with a face full up to look like he is watching the emperor penguin", "a bird with a blue bird flying above, a penguin and three penguins walk on", "penguins walking together and looking in various directions", "a flock of king penguins are being grouped and moving in a line for a group", "penguins penguins penguin king chicks penguins king penguins emperor penguin penguins emperor penguin king emperor king", "a group of large penguin in a large group of other animals", "four penguins with a pigeon, two on a bird", "penguin three penguins penguins penguins bird birds, bird penguins photo penguins - penguins blue and", "emperor penguins walking towards camera on a beach", "a bird of a few birds near penguins", "a bird is flying and its beak is orange", "a bird showing three penguin penguins looking side to back", "a flock of penguins being flocked around by a bird", "penguins bird penguins penguins penguins a penguin penguin penguins penguin penguins king penguins penguins penguin penguins", "a man is walking with six penguins following him", "a group of penguins are standing in a line on a rocky area", "three penguins with different beaks walking among each bird", "a birds penguin penguins the a penguin bird penguin birds penguins penguin penguins birds king three", "the yellow and yellow birds are yellow and black birds", "and penguin picture penguins penguin falkland penguins penguins ping antarctica penguins penguin penguins penguin penguins bird", "penguins are looking for food and water in the ocean", "penguins penguins king penguins and penguins penguin penguin penguin penguins penguins penguins penguins penguin penguins emperor", "a long penguin penguin, the penguins are black and orange yellow beaks and are", "a number of penguins with beaks on their heads", "a flock of birds and birds standing on the ground next to some penguins", "a group of penguins walking along a beach with two birds and a bird in background", "a large group of penguins walking down a beach", "a group of penguins walking together next to a bird", "five birds, one in the eye an orange - colored beak, looking over the", "a photograph of the penguins, which show both a penguin and a female, a", "a bird that is flying over the ground near penguins", "three penguins are facing one another, a bird flying in the air", "a bird flying among penguins looking at a bird with a beak", "a group of penguins are walking in a line next to a bird", "a large group of penguins walk together in a line", "penguin birds with their yellow - and - orange beaks all over the head and", "penguins flock penguin is penguins by penguins birds the large bird a bird penguins a penguins", "penguin penguins penguin emperor penguin penguin penguin south penguin penguin penguin penguin penguins penguin penguin penguins", "a flock of penguins is shown with seagull flying over them", "three sea birds sitting together on a beach with blue pigeon flying around", "four penguins walking on the beach with the sea bird flying above them", "a group of penguins walking on a gravel field", "penguins penguins penguins penguins penguins penguin penguins penguin penguins penguins penguin penguin penguins penguins penguin penguins", "group and sea penguin penguins all penguins black penguin king two penguins penguins emperor birds a", "penguin penguin penguins penguins penguin penguins penguins st penguins by penguin penguin penguin penguins birds king", "a man in a red shirt with a penguin", "four birds and a bluebird in the background", "a group of penguins stand together, close at a bird", "three penguins are walking away from their own parent", "many penguins on a stone covered beach and a bird", "a blue bird and a bird flying next to three people", "a group of penguins walking across a sea", "a flock of penguins standing next to each other"]], "question": "Is it true that an image includes multiple penguins with fuzzy brown feathers, along with at least one black and white penguin?", "answer": "yes"}, {"question_id": 40252, "captions": [["a door in a room with some glass", "an open french door with windows and a dog standing behind it", "large front door with a close up of picture frames on the side of the door", "a double patio door opens to a garden", "double patio doors with glass on both sides", "a wooden double french door showing the top edge", "a wood door leading to a patio with a chair, chair, and two glass", "large wooden entry door doors set in light oak finish", "a brown french door with a sliding glass door", "a window with a glass door and wooden exterior", "doors that are open in an enclosed area of a home", "a patio door is that is opened out", "two brown double glass doors open to patio patio", "a big side lit french doors that open open", "this the double glass doors with no glass is open", "a door glass double glass door with white glass", "a sliding door is in view of a patio", "a double glass door and patio", "two french doors leading outdoors to grass - covered garden with plants", "double sliding glass doors with double glass windows", "double wooden doors between open and close french doors", "a large garden is behind with a wooden door", "interior image of the wooden doors and white walls in a house", "the patio door in a house is open", "sliding glass french glazed two glass double patio two door glass door sliding glass of open", "wood door with glass side sliding on entrance", "the interior is divided into four sliding doors in each room", "a view of a brown double sliding glass door door", "a view inside the home of doors and a big covered backyard", "a house is made of glass patio patio doors", "the patio view is very outside of the clear glass doors", "a door with plenty of glass and a doormat", "three patio doors and a sliding glass door handle the glass", "a picture with an outdoor patio in the reflection of double doors", "a room with large double sliding door windows in it", "inside this house has hardwood doors with glass", "brown glass patio entry exterior patio sliding doors some exterior sliding the view door door wooden", "the house has a double glass french doors and a patio area", "there is a glass door with glass panel", "a brown wooden door leads to a front entry with a closed glass glass door", "a large glass door with wooden frame and glass paneled side door", "wood double patio doors leading to patio and patio areas", "a doors with wooden sliding glass doors open", "glass looking open sliding 3 sliding three window door wooden glass glazed this doors and doors", "an open door with a window that shows two patio doors", "patio glass sliding a sliding a an doors outside through a this patio glass patio exterior", "doors are open in the back yard of a house", "wooden french door with glass glass doors and wood frames with glass door", "two glass doors with open front and a wooden exterior", "a close up of an outside of a door", "a wooden door in a white walled room, with a door open to the yard", "a view of patio and backyard with a wood sliding door", "a small reflection of the light in a patio door", "an image of a door view of the outside", "there on an door from open entry to outside", "a closed door to a spacious green lawn", "oak doors door entrance doors sliding outside oak glass doors sliding clear wood double patio exterior", "an open doors with a table and chairs outside", "a very view of an outside with glass panes", "a door that is open on a house", "the view of the patio outside is great", "an image of doors and a sliding glass front view glass", "double glass french doors are opened open on french patio doors", "a patio furniture sits outside a patio and in the evening", "a double door doors sitting inside a home", "a large brown wooden doors open next to a white wall", "double glazed wood door with a pair glass doors", "two wooden patio doors open to a patio", "an open double doors to a nice backyard", "a wooden patio door with glass sides", "some doors and french windows with some bushes in background", "a double door opened to inside french doors", "the french doors open to a garden area", "glass sliding doors entrance inside french sliding patio patio patio two two french doors patio doors", "a wooden three door entry with patio seating", "a large glassed door that is set outside", "french front doors that show an outside patio", "wood french doors open to a backyard area", "two doors are wood with glass and glass", "french doors leading into a patio area with double doors", "two french doors leading to an patio of outside", "french door overlooking the garden and lawn view through patio view 2", "some doors in the living room side by side", "this open french door door is next to wooden doors", "two wooden french doors opening onto an outdoor patio", "brown wooden sliding doors to a porch in a house front yard", "double wooden french doors open onto a lawn", "the doors are very wide out the house", "a door in an open area in a room", "three wooden french door in entry area with glass", "closed wooden doors open the outside of a house looking outside", "close french doors looking into glass - glass patio patio door with glass glass", "a couple of doors that are on a wall", "a sliding door near a white wall reflecting the sunlight", "up to four sliding glass doors open on a patio door", "a door opened and a picture frame is in the background", "large glass door with glass paneling leading to french doors", "a large door in a white room outside", "glass patio doors open onto a grassy backyard", "there is three sliding doors that open in a bright sun"], ["a white sliding door opens onto a bedroom in front of a bed and sliding doors", "side of patio glass sliding door opening out to a view", "sliding glass doors open on a sliding glass bedroom door", "sliding glass patio doors with sliding glass", "sliding this glass sliding glass sliding sliding a sliding a these door sliding sliding door sliding", "patio sliding door sliding door view patio patio sliding a two an a sliding sliding door", "sliding sliding outside glass patio sliding sliding doors the sliding sliding sliding sliding sliding sliding patio", "sliding patio doors open and a sliding glass door opened to a patio", "a sliding glass door next to a glass window", "sliding sliding sliding sliding sliding patio patio doors sliding patio patio doors patio patio sliding sliding", "the patio room is open with sliding glass doors", "doors sliding sliding door sliding sliding glass patio the patio case sliding a sliding and patio", "sliding window from sliding door to a balcony", "several sliding glass doors opened by the large windows", "sliding patio doors open, and patio french door open, and sliding glass doors closed", "sliding gliding doors are perfect for sliding glass doors you can see from both sides of", "looking out to patio through french door patio doors", "sliding sliding clear a lit glass glass patio sliding sliding a the glass sliding sliding a", "french sliding sliding sliding french sliding sliding patio sliding sliding sliding gliding white sliding sliding sliding", "a door and window open to the back of a home", "the curtains are closed on the side of a sliding glass door", "sliding glass patio doors with sliding doors track doors sliding patio doors patio door sliding accordion", "view through patio doors toward patio from inside bedroom", "sliding glass patio door with glass french door glass and doors", "a large patio patio doors next to a sliding glass sliding glass door that opens up", "a sliding glass glass door opening onto the patio with sliding doors on the floor", "patio patio patio double sliding door sliding sliding doors looking patio patio sliding glass patio patio", "sliding glass doors open to the patio on a sunny day", "a bed with a queen - sized bed sitting in a bedroom with sliding glass doors", "a sliding glass door outside looking out on to a patio", "a sliding door on a patio with sliding glass", "a sliding glass door with door leading out to patio", "a large sliding glass door opens onto a patio", "sliding patio sliding there sliding doors a sliding large sliding external three patio sliding a sliding", "room patio patio sliding exterior sliding patio door sliding sliding patio sliding sliding sliding doorway patio", "sliding sliding sliding door patio patio patio patio outdoor patio exterior window patio sliding doors sliding", "a sliding patio door with sliding glass doors", "a patio door door open to a patio", "a sliding sliding glass door sitting next to a sliding glass door", "white sliding patio sliding glass door and white sliding patio door", "sliding glass door with sliding glass patio doors", "patio sliding patio patio doors sliding patio patio large patio patio patio sliding patio doors white", "a patio table next to a sliding glass door", "a patio with sliding glass doors opened", "sliding glass sliding glass door open onto patio with sliding glass doors", "patio door and sliding glass doors in a living room", "french sliding glass door leading outside of sliding glass door sliding patio door", "sliding inside sliding french sliding window sliding patio door sliding sliding sliding doors glass sliding sliding", "patio sliding doors with glass glass", "a patio door opens up to a balcony", "large patio with sliding sliding doors on two sets of doors overlooking the deck", "a sliding patio door has an outside view from inside", "the patio has french doors leading out to a deck", "many glass doors open and sliding glass doors closed", "sliding doors open leading out to a patio", "a sliding patio door next to a patio", "photo of double glass patio doors leading to patio door", "sliding patio doors that are more than sliding doors white sliding doors and sliding patio door", "a door, and sliding glass sliding doors come to reveal the inside", "a room with a double door and double doors with sliding glass doors", "a door in a sliding door is beside a large glass window", "sliding patio large sliding patio sliding white sliding french patio patio sliding door sliding sliding sliding", "a sliding glass pair door leading out onto a patio", "sliding glass sliding patio door leading outside on a hillside", "a room with a window and sliding door that has a patio view", "sliding window doors in a bedroom with the view of hills through it", "exterior sliding door with sliding glass looking out", "a bedroom with a large window looking at the outside", "sliding sliding sliding patio sliding door view patio door white doors sliding sliding doors sliding a", "sliding patio door with patio sliding glass that has sliding glass doors", "a sliding sliding door with a patio view", "a patio patio with sliding glass glass doors", "a french door with sliding glass and a patio door leading to a covered balcony area", "patio sliding window sliding the the sliding view sliding sliding glass looking french patio a a", "interior shot with sliding glass patio patio door", "an open window over leading to deck with sliding glass", "sliding tan sliding curtains sliding white sliding curtain sliding large the large bedroom curtains looking bedroom", "the bedroom sliding reflection patio opening sliding doors patio doors sliding sliding sliding patio white french", "sliding glass sliding glass patio door and doors overlooking the patio", "view outside of sliding glass patio door through glass patio doors", "the sliding doors in the sliding sliding glass doors are open", "sliding patio open glass door inside of a living room", "white sliding glass doors on a deck by a patio", "sliding sliding a white sliding sliding a a sliding looking looking outside windows double sliding sliding", "sliding door on a sliding glass porch with patio doors in front of it", "sliding a patio sliding sliding the an sliding sliding a door patio sliding sliding sliding a", "the sliding glass windows are viewing a patio", "sliding sliding sliding window double sliding interior sliding view sliding a sliding french sliding patio sliding", "patio with sliding patio doors in a door", "a sliding doors with sliding glass in a living room", "sliding patio doors with glass and patio patio sliding trans patio", "sliding glass doors lead out to the backyard", "sliding glass sliding doors lead out to a patio", "a view of sliding glass door sliding glass patio doors", "sliding sliding door doors open into a living room glass window", "double sliding door with blinds above it in a bedroom", "sliding glass door in a bedroom with sliding glass windows", "a bedroom with sliding glass doors and white door", "an open folding door is visible out of a patio area with sliding doors", "closed up sliding door next to sliding patio doors looking out onto a deck"]], "question": "Is it true that both sets of doors in the images are white?", "answer": "no"}, {"question_id": 28481, "captions": [["a half of lemon and a slice of half lemon and side by side", "the lemon peel is half gone from it and sits next to the other one", "a sliced lemon, slices open up", "a yellow lemon is dripping in a puddle", "slice lemon lemon slice sliced one lemon lemon fresh sliced half lemon lemon slice lemon an", "a yellow lemon on a counter reflecting it in a puddle of water", "a lemon with its half cut out, with liquid flowing down", "a large lemon cut in half on a black and white background", "a cut orange with the slice cut off", "a lemon and a sliced up lemon", "lemon sliced on a lightroom with a small piece open next to it with the", "sliced lemon sliced up, by the lemon still, is the most popular and health", "lemon cut in half showing a lemon oil", "a half lemon halves open to show pulp coming out of it", "a little cut lemon still in need of a splash of tearle on the wall", "person in slice lemon lemon lemon lemon lemon sliced sliced sliced lemon sliced lemon half lemon", "half and open lemon sitting on a table", "half a yellow lemon can peel half a slice of it", "an image of a sliced yellow lemon pieces", "a half of yellow lemon with a piece cut out of it", "sliced half lemon lemon lemon lemon lemon lemon lemon lemon sliced orange orange lemon citrus lemon", "a yellow orange cut in half with one slice removed", "two halves and one end of a half of a lemon with pieces cut out", "a lemon has been sliced in half, ready to be eaten", "a lemon half with tears inside them on yellow by person", "a large lemon on a table with slices cut in half", "some cut up lemon pieces that are spilled", "a lemon lemon lemon lemon fruits lemon lemon lemon", "lemon lemon lemon lemon slice yellow lemon lemon lemon lemon lemon lemon fruit half lemon half", "a grape wedged lemon next to it and some half of it", "a half and slice of yellow citrus fruit", "the orange with half cut open and half eaten", "a half sliced lemon resting by a slice", "a lemon or three - sliced lemon fruit still being sliced", "a half cut halved lemon has slices of lemon inside it", "a half lemon is cut in half and is yellow", "orange with slice out of it on the table", "a half and a slice of lemon sitting on a table", "a lemon sliced into half sitting on a light table", "a half half lemon with its slice missing", "fresh sliced lemon photograph by person", "a quarter cut yellow lemon lemon and a slice and slice with it's reflection", "a sliced lemon lemon lemon halves and pieces", "an orange and half of it on display", "a cut in half lemon next to a whole lemon on a table", "a lemon sliced open and one slice missing", "a split lemon with a half of it on a table", "water, one slice and lemon with a water drip", "one half lemon with a cut in half", "a sliced lemon and water with its piece cut out", "a lemon that has half of the fruit in it", "lemon half lemon lemon the lemon lemon half sliced lemon lemon sliced and lemon half lemon", "sliced lemon sitting side by side next to a half lemon", "close lemon slice slices lemon lemon lemon lemon lemon half lemon grape sliced lemon lemon lemon", "a half open cut lemon shows its half", "a sliced lemon next to the water droplets", "i'm looking at those yellow lemon halves", "a lemon cut in half and a few pieces", "an orange that has some cut away", "a half sliced lemon and two halves pieces", "a lemon and half eaten lemon against a gray background", "a half cut lemon that is half open", "an orange cut in half and sliced in half", "a lemon sitting on top of a table next to another one", "a half - eaten lemon spilled into a water puddle", "a half and slice of a lemon fruit has been changed to a dark background", "half lemon lemon fruit lemon half lemon half lemon lemon lemon whole lemon lemon lemon lemon", "the inside of an lemon that i used to produce, with the whole and half", "a lemon is falling apart with its skin exposed", "close picture of a sliced lemon with one lemon next to it", "an orange sliced in half and a whole orange inside", "half yellow cut a lemon lemon lemon lemon lemon lemon lemon squeezed lemon slice lemon lemon", "a lemon sliced in half with it's half opened halves out", "on lemon lemon slice slice half half half half sliced half half lemon lemon half ripe", "half of grapefruit next to sliced and placed on a reflective surface", "a fresh lemon sliced in half with half in it", "halves a lemon on a glass table with another orange", "a yellow lemon half cut and dropped with liquid, the light is out", "an upside down image of a lemon", "half a lemon cut in half sitting on a table", "a lemon cut in half and has a lemon wedge left behind it", "an orange half and half in the glass", "half a half eaten lemon with peel", "an image of a piece of fruit on a table", "a lemon partially sliced half closed on a dark background", "the picture in the reflection of a lemon with a glass of water and filterr", "half a photograph lemon yellow lemon lemon lemon lemon lemon sliced lemon half a person lemon", "a citrus lemon fruit that is cut into half", "a half eaten lemon on a table", "a lemon with the whole orange with some water coming up", "a squeezed lime is shown with a cut in half and two slices", "slice fruit lemon lemon sliced by half lemon lemon slice sliced lime a lemon photograph orange", "a half of a lemon cut open and a slice is being peeled in half", "lemon orange lemon lemon half lemon lemon and fruit lemon the lemon sliced lemon lemon lemon", "a lemon with half and a piece missing in front", "the half of a lemon being sliced and a sliced orange", "half a lemon next to the inside", "a lemon sliced down with a juice knife", "a half lemon cut open with half of lemon next to them whole lemons,", "half lemon lemon lemon lemon on sliced sliced whole lemon lemon lemon lemon sliced lemon lemon"], ["the half of a lemon sitting next to a pile of sugar", "a picture of a half open lemon with the sugar sprinkled on it", "a close up of a sugar that has a few pieces of sugar on it", "a half an orange is covered with powder and pieces", "the slice of a orange is half covered in salt", "a close up of two pieces of a lemon broken in half", "a sprinkled lemon peel and an orange", "the whole lemon is next to a grans of sugar", "a broken, cut lemon covered in salt sitinng on a table", "the orange has the whole half already covered with seasoning powder", "a piece of lemon laying next to a pile of white sugar", "an orange next to a pile of pelica on the table", "lemon lemon powder by salt and salt sugar lemon, salt with salt st salt salt", "a lemon has been broken and is sitting on a cake platter", "there is sugar on the spilled powder and a lemon in the middle", "a slice of sugar is falling out of a jar", "a table with powdered sugar and a lemon on top", "a lemon broken into slices and sprinkled with white sugar", "a half lemon laying in the middle of some sugar", "a sugar covered scoop of sugar and a half", "two pieces of food on a table with a powdered substance", "lemon inside half lemon half cracked lemon lemon lemon lemon inside half half squeezing lemon inside", "a slice out of a very pretty and whole lemon and snow", "there is a half of an orange with some salt on it", "a sugared orange has been cut in half", "an orange sitting on top of some white sugar", "salt a can sugar lemon is orange lemon lemon lemon lemon orange half sugar lemon half", "a lemon and half a lemon sit on topof sugar covered up", "a half half of an lemon on spored of a table", "white salt with half eaten open orange of sugar", "the sugar has sprinkled onto the lemon", "a half eaten lemon is covered in powder and sugar", "a peeled out lemon with some white powder", "a whole lemon inside a pile of sugar", "single and sliced sugared orange with salt on two edge", "an orange on a table with some white sugar on it and a slice of the", "a lemon with some sugar on top is being cut in half", "a fresh orange is eaten by a lot of white sugar", "a half eaten orange surrounded with white salt and sugar", "sugar sugar salt salt powder sugar salt white sugar sugar sugar salt salt and sugar salt", "some sea salt and a picture of some sea salt", "a lemon and salt on a black background", "two pieces of a sugared orange on a glass plate", "one lemon half and salt by salt sea a sugar sugar in sp salt sugar salt", "a lemon cut in half and spilling with sugar on top", "an lemon, covered with a white salt", "a sugar can lemon half the one with white scattered white salt and scoop sugar sugar", "a lemon half covered in sugar next to some type of flour", "a person that is cutting a lemon near salt", "a powdered sugar sprinkled around a rotten and cut lemon", "an lemon cut with a large orange and another orange covered with sugar", "sp salt sugar sugar slice inside half half lemon dark black and salt half half sliced", "a half lemon is next to a half of a lemon with powdered on top", "crushed salt sugar salt cut salt food sugar knife salt sea and sugar on sugar spilling", "a sugar is scooped up on a black surface", "salt and sugar are spilling off an orange on a black table", "a lemon sitting on a sprinkled white flecked surface", "a spoon with powder and powder next to a lemon", "a half lemon with it's remaining half covered with salt", "a bitten lemon sitting on top of powder on a black surface", "sp half open sliced salt the the lemon lemon orange next lemon on sp lemon pile", "an orange with a piece cut in half and bits in sugar", "an orange and an unfurnished sugar next to powder", "a single zep sitting atop some white sugar and sprinkled with sugar", "the powder is covered to an orange sliced with sugar", "a lemon being dusted with white sugar", "the inside of a slice of lemon has been filled with sea sugar", "lime with pile of of grape ga with white stuff,", "a lemon, powder and sugar on a black background", "a half orange fruit sitting on a plate", "a couple of slices of food that are next to rice", "an orange sitting on top of a pile of sugar", "an empty half of a white sugar sitting on top of a table", "a close up of a lemon with a piece of it covered in sugar", "two ripe lemons with its peel removed next to powder", "a lemon piece has been cut open, and salt is around it", "a lemon squeezed with a powdered sugar", "half half half slice lemon half open sliced lemon citrus half half lemon sliced half slice", "a sugar powder and a lemon that has been broken", "the two halves of a lemon, in white sugar with a bite at the top", "the two lemons by the way is all a lemon", "a half eaten a whole lemon over a sugar heap", "a peeled out lemon is placed on a table", "a lemon with a piece cut open in powder sitting on a glass slab", "a close up of a lemon broken in half", "a wedge of lemon with some sugar topping", "sugar, sugar, sugar powder and orange slice are placed on a table", "a lemon covered in sugar and salt sitting on a plate", "an open lemon on top of white salt", "white sugar on a half a lemon that has been partially eaten", "the half eaten lemon being served with sugar", "a half apple sitting next to a pile of white powder", "half an orange is on white grit being shredded", "a lemon, half a lemon piece, half a graped orange and some sugar", "sugar spilled from a spoon onto a piece of food", "the tip of a lemon in salt on a plate with a pile around it", "a half eaten dough that has some white powder on it", "a lemon has sugar on it as it is sliced", "a salt crystals lemon slice on top of a wooden table", "a fresh half lemon grape half half piece lemon lemon crushed lemon an lemon salt salt"]], "question": "Is it true that the left image contains at least one lemon with a criss-cross cut through the top filled with fine white grains?", "answer": "no"}, {"question_id": 7987, "captions": [["the castle is perched on a cliff overlooking the sea", "the cliff overlooking the sea overlooking a sea and the cloudy sky", "a very steep slope with a huge castle on top", "an old castle sitting on top of a cliff by the ocean", "sea castle tower towers turrets castle overlooking tower castle tower castle sea castle and two castle", "grand castle castle in castle castle the castle castle, castle castle chateau luxury cape a", "a large castle on the coast with ocean on the side", "the clifftop castle in israel has been named a landmark", "the ocean beach has a large house with a balcony and a balcony", "a scenic castle perched above a cliff with a nice view", "a brick building near the ocean and the ocean", "castles with the ocean on the horizon", "a castle overlooks the water and blue ocean", "tower and the between castle that built lighthouse with mount with two with cliffs the sea", "a castle in the sky overlooking the sea", "an old castle and towers are seen overlooking to the sea", "a large castle near the ocean", "an old castle with an ocean view with clear water and a blue sky", "the large building on a cliff above the ocean", "a medieval castle sits on a mountain overlooking the ocean", "palace perched castle cliff scenic castle cliff the house castle overlooking cliff castle castle ocean sea", "the ocean from a mountain beside the cliff", "the view of croatia from the cliffs overlooking the sea", "sea view near an ocean and two tall towers", "castle castle overlook castle castle castle castle castle overlooking on coastal an castle overlooking mansion castle", "castles, medieval to castle'mas a a on castle castle castle view cliff on", "a castle in the background, with the water and the ocean in the foreground", "a castle overlooking the ocean with blue blue water and ocean, clear blue sea,", " a castle castle castle on castle the of balcony large on stone castle the and", "a large castle on a cliff overlooking the ocean", "a small castle by the ocean in spain", "a castle on a hillside overlooking the ocean", "a castle on a hill overlooking the sea", "building overlooking the blue ocean with ocean view", "a castle with an attached balcony with view to blue ocean", "a castle with a clock tower on a rocky island", "a large red brick castle perched on the cliff overlooking the sea", "a castle style building is on the side of a mountain overlook overlooking the ocean", "lighthouse looking at ocean and azure ocean and pacific view", "a large tower is on a hill above the ocean", "a castle with two towers standing on a hilltop overlooking the ocean", "building looking a mountain on, ocean the with clear over is sea sea, to", "a castle on top of a mountain with the ocean in the background", "an old castle structure sitting below the cliff overlooking the ocean and a ocean view on", "a castle castle with blue sky, the mediterranean ocean, and ocean blue sky", "a landscape of a cliff overlooking the water and a sea", "a castle and tower sit on the cliffs overlooking the ocean and blue sky", "a hill on the coast below the blue water", "an old castle on a cliff near the ocean while one looks down at the ocean", "a big castle overlooking the blue ocean overlooking the ocean", "a large castle with a blue sky and the ocean", "a tall building on a hill with an ocean view in the background", "a tall castle sitting on top of a beach", "a view of a large castle with a cliff overlooking the ocean", "a large castle sitting on a cliff next to the ocean", "an old castle on the cliff overlooking the open ocean and the great view", "a castle, on the ocean with balcony bal balconings on a cliff overlooking", "view of nalghei castle from the mediterranean coastline", "the ocean and two tower blocks on a cliff overlooking the horizon and ocean in the", "a scenic view of the sea and a castle", "the castle sits atop rock overlooking the ocean", "tall, steep hill over a cliff leading to a steep tower built into a green", "a scenic ocean view with a sea view", "overlook castle tower castle castle castle great castle cliff balcony castle castle old castle castle", "a scenic hill overlooking the ocean and the ocean", "the castle is built from the ground with an ocean view in the background", "a castle built on a rock overlooking the ocean", "a building and balcony on the edge of a cliff", "a cliff top overlooking the ocean and a castle building on the cliff", "a mountain cliff overlooks sea, an ocean, and a blue sky", "the castle is perched on the side of a cliff overlooking the ocean", "cliff castle castle high, castle balcony cliff cliff tower lighthouse view overlook balcony balcony old", "a large castle sits on a cliff next to the water", "a castle on a cliff overlooking the ocean", "a castle overlooking the ocean on a beautiful sunny day", "a building with a huge castle built and sitting on a cliff", "a castle on the cliff off the sea cliff with a blue sea", "the view overlooking ocean and the shore of the beach", "a castle overlooking a sea view in front of ocean", "the castle sitting on a cliff overlooking the water", "two tall castle sitting on top of a cliff next to the ocean", "castle castle on overlooking steep, towers castle castle castle castle sea old an and castle", "the view of the sea looking towards the water and the sky", "a castle perched on a cliff cliff overlooking water, blue ocean, and coastline with", "perched castle with castle on castle castle a hill castle castle the on castle castle castle", "a castle with balcony windows and balconies, overlooking the ocean", "a castle on the side of the ocean with a lot of balcony units", "built tower ocean a a sea three a castle high view castle castle castle castle and", "an old castles on a hill overlooking the water and the sea", "a castle sits above the ocean next to the ocean", "a small medieval castle sitting by the sea and the ocean", "a big castle on top of a mountain near the ocean", "a very tall castle on top of a hill", "an castle an castle castle two castle castle castle castle a the lighthouse beautiful castle and", "a castle on the edge of a cliff overlooking the ocean", "a castle overlooks the ocean from the hilltop overlooking the ocean", "two towers on a side cliff overlooks the blue ocean and sky to the horizon", "castle like building along the cliff overlooking the ocean", "a stone castle overlooking the sea of europe over the blue ocean", "a castle is by a cliff above with view over water and the sea"], ["the high end of a cliff that extends the water and cliffs at the ocean", "the high hillside at the edge of the mountains with a mountain in the distance", "the town on the mountains above a mountainside surrounded with snow", "buildings sit along side a city next to mountain range", "a large cliff that overlooks mountains over mountains and lake, and blue ocean with", "the lit up village that sits on steep cliffs overlooking the ocean", "sea and cape coastal the coastal cliff the italy italy rocky views rocky view rocky cliffs", "the night time view of a town nestled on a cliff", "people that are standing at the top of a hill", "an image of a city by the water", "a hotel is set on the cliffs of a cliff over the blue waters of water", "buildings on top of a cliff that has houses on the side", "the hotel at the edge of a cliff, overlooking a rocky cliff above the ocean", "a big cliff near a mountain and sea front city at night", "homes cliff cliff aerial the rocky over cliff cliffs view overlook and the castle castle cliff", "mountains with several buildings and houses at the top of a mountain in nepal", "house hotel hotels cliff cliff on cliff point overlook sea house ocean coast sea grand sea", "a building that sits in the cliff, overlooking a coast range", "lights cliff aerial dusk lighthouse lights lit mountain lighthouse lighting sea mountain overlook lit night rocky", "a house in the mountains on the edge of a cliff overlooking the water", "the town is lit up at night with the ocean and buildings near it", "a bridge of a castle overlooks the sea", "the view of the sea at night of a group of houses in the cliff", "hotels cliff villa hotel cliff ocean cliff cliff above bar cliff hotel cliff hotel cliff cliff", "a house near a cliff overlooking the ocean", "the cliffside at dusk with buildings and mountains in the background", "mont is cliff a on high cliff villa mountain mount a on on the on high", "lit cliffs cliff villa building lit lit cliff castle lit twilight cliff high a night nighttime", "a light on of a very tall building near the snow covered mountains", "light lights on lights a lights house lights hotel night on luxury lights villa illuminated cliff", "a small town by the water", "a cliff cliff with multiple story buildings standing on each side", "a small town sits on the bluff looking out to a calm area", "a mountain and body of water at a rocky town", "houses and houses on a hill overlooking the bay, and mountain overlooking the water", "a cliff cliff is at high elevation above the ocean", "the village of la borrora in italy at night", "a beautiful coastal ocean is around a group of town on rocks overlooking the water", "a house built on the cliff by ocean", "monastery houses mountain mountain houses mountains high cliff houses cliff house houses the, high rock", "a restaurant with a cliff top and a view of a cliff", "a night shot shows a hotel resort set on a rocky hill overlooking the water", "a city and a mountain view on a cliff overlooking the ocean", "the lit evening city on the edge of a cliff at the base of a mountain", "a night scene of a cliff with a hotel perched above it", "this view of the building at the edge of the cliff looks great", "a small town over looking a mountain range near the ocean", "a huge high on a cliffs on a cruise tourtrip", "the houses hotel home the lights lit mountain houses over night mountain hotels view in the", "a building on the cliff surrounded by a wall at sea level", "a large mansion style building above water is shown", "a large rock with some buildings on it", "a building next to the sea and some buildings near a body of water", "an amazing picture of coastal town by the sea", "an old small town near a cliff shore over looking a body of water", "a castle on a mountain near the ocean", "old town overlooking the cliff that extends the sea", "coastline town on the coast near amasicia", "cliff cliffs night night sea lighted lit a overlooking lit night sunset lights night light lights", "a hill side with the mountains surrounding it and the blue water", "a big building sitting next to the ocean", "a house over the water overlooks the sea and a mountain near the ocean", "mountain some a town by the mountains a rocky at a houses rocky looking a,", "the lighting illuminated view lights illuminated lights house lit light lights homes lights house night house", "houses town lit the homes lighthouse at houses a house lighthouse twilight lights light dusk lights", "mountains house a the cliff rocky mountain mountain high on with the high apartment a mountain", "a town by the sea with a night time view", "apartment house overlooking overlooking night buildings evening view lights building night on ocean the the,", "building on edge of cliff overlooking water, next to cliff", "a small village on a cliff with a water and a mountain on top above the", "lighthouse view view rocky cliff lake mountain the a rocky rocky sea lighthouse a cliffs cliff", "an amamato cliff with a house high above the water with buildings perched on", "lights light light nighttime night night night the coast night cliff homes on town cliffs house", "villa the town at the high town lights at night lights town overlooking town the view", "night night the house a a a apartment a mountain cliff the town the building surrounded", "a very steep cliff next to the water", "some an lights town in view a castle a cliff the hotel the rock a overlooking", "a cliff near the aegean the sea and rocks on the shores", "a group of white houses on top of a cliff", "a mountains view a overlooking mont a a water mountain rocky sea a, this rocky", "a large nighttime of a town by a large mountaintop on a city", "a building in the fore of a city is illuminated at night", "a mountain overlooking buildings overlooking the sea on a cliff", "a large castle on a cliff and overlooking the ocean", "view of the sea over the ocean and the boats parked on the shore", "an empty town beside a large rocky shoreline shore", "a beach cliff with a cliff top on the edge", "lake mountain cliff by a sea cliff the cliff coastal the houses cliff rocky mountain coast", "a view of the mountain and a village by the ocean", "the small town sits next to the ocean at night", "cliff luxurious majestic hotels hotel views cliff hotel hotel cliff luxury cliff cliff mont cliff cliff", "houses and on cliff cliff on on a this the elevated perched aerial perched on that", "the cliff -top inn surrounded by a high - mountain cliff that overlooks to", "a cliff by the ocean and buildings", "a mountain range rises in the distance on a beach of several identical houses there are", "the hotel perched on the edge of the cliff by the sea", "a building on a cliff next to a large body of water", "small houses are lit up above the water and the bay", "view of the town from the top of a mountain", "a castle on the cliff overlooking the large city on the ocean"]], "question": "Is it true that the ocean is visible behind the buildings and cliffside in the left image, but it is not visible in the right image?", "answer": "no"}, {"question_id": 81624, "captions": [["a twitter twitter twitter bird twitter logos and twee bird tweeed twitter twitter", "this stuffed animal is sitting on stuffed pillow diy", "twitter ins ins google youtube twitter ins ins ins ins t twitter ins ins ins twitter", "fake insmodo instagram camera with twitter bird on the bottom side and a", "twitter twitter twitter twitter twitter twitter bird twitter logos twitter t twitter twitter twitter twitter twitter", "a collage of instagrams, a polar pent instagram, and", "a couple of pillows with a polar pillow with a social twitter twee pillow cover", "diy youtube, social logo and youtube pillow", "a diy pillow made with a twitter inset", "two pillows are set up to be used for a social social media logo", "pillow pillow with youtube youtube youtube pillow", "social twitter and twitter, inset, twitter logo and twitter social inseat", "di di di di di di di di instant ins di di di di di di", "a black square square polaroid camera cushions", "ins ins you ins ins ins ins ins facebook, pillow cushion ins di di pillows", "three pillow made with tweet bird", "a photo of a camera sitting on the pillow", "a white square sits on a pillow with a twitter twitter logo, instagram and", "twitter twitter twitter pillow twitter twitter pillow pillow di pillow pillows pillows pillow couch cushion pillows", "pillow ins tu pillow photo ins ins ins ins di pillow i pillow pillow ins polar", "a facebook, insie insie pillow with the insie logo", "a picture of a polar bear toy sitting next to two pillows with images on them", "three homemade diy pillow and a facebook social twitter bird pillow", "ins twitter youtube ins youtube social social ins ins google youtube youtube social ins ins youtube", "three insa insa ins insana insa insaf insas insa", "three diy insrlng cushions with twitter, twitter and twitter", "three pillow pillow covers that have a photo of social cameras, twitter, and social", "some kind of items that are on top of each other", "a polar bear pillow decorated with polar instagram camera", "insia inspop, ins icon and the insra insie insmo photo", "a pair of pillows in black and white with polar insendies on it", "ins followers twitter, twitter bird and twitter twitter logo pillows", "a white insp polar polar ins insp phone", "inso inso insoto camera and twitter inso insie inso ins", "video camera, youtubei, and twitter logo on a pillow", "some pillows sitting next to each other", "four pillows made to look like twitter, videos and twitters", "three pillows with twitter bird cushion logos and twitter throw", "pillow that has social networking on top of it", "cushions with a polar bear made on it", "three pillow covers of ins inso and twitter, twitter, twitter ins and twitter", "a social social photo with an ins icon on the social insender", "a polaroid, twitter, a twitter bird and a twitter bird with twitter and", "an insoren, twitter and twitter bird are featured on an insoren", "di cover di di di di di di create di di a make ins di di", "pillow and social logos with the name on it", "two decorative pillows of polar polar ins and twitter ins and insp insie twitter", "a stuffed pillow, a polar bear pillow and a pillow that says pillow", "a blue twee bird is on the insie camera, the word insia", "three pillows on a white table with the video logos on the corners", "a couple of polaroid, instagram instagram images and twitter twitter logo", "pillows that have instaph, the social inspear and twitter logo on", "a camera made into the pillows for photos that look like polaria polar cube", "a cushion has a facebook, social logos and inspo", "inst ins ins ins icon on twitter twitter logo", "several pillows with polar polar inst ins ins and sign", "the diy pillow with the twitter, twitter, ins, insie social,", "a photo pillow and a tll photo pillow", "this pillow has a polar bear and social logos on it", "the polar polar bear has a social instagram", "a phone, red blue couch, insie, ins, insip logo,", "two stuffed social followers and twitter twitter logos", "three pillows of ins ins ins ins ins camera with ins ins ins ins ins ins", "pillow pillow pillow cushions pillow pillow bird twitter social pillow twitter pillow twitter twitter twitter twitter", "four types of polar cameras pillows, made from felt", "a bunch of pillows that are on the ground", "a person using instagram instagram app to make a polar polar polar cube", "pillow pillow pillows covers pillow and pillow cushion on pillow pillow di pillow cushion pillows cushion", "instagram inset polar camera and social twee bird pillows with twitter instagram", "a picture of a polar bear in instagram and the video social logo", "two inst instagram ins phone pillows are hanging from a camera", "polar twitter ins ins ins youtube ins i youtube et instant ins ins youtube ins ins", "pillow with social branding adhesives on white background", "ins twitter pillow ins ins twitter twitter ins and pillow twitter twitter social twitter twitter in", "di di ins di d di di and ins di di di di with ins ins", "di di craft di di di di di di di di di di di ins twitter", "a social photo of a camera, inst, and a instt photo", "cushion pillow of camera instagram and insta phone", "twitter twitter pillows the up pillow pillow ins pillow ins pillow f couch pillows pillow,", "twitter ins twitter ins twitter twitter twitter ins twitter twitter ins twitter twitter ins social ins", "marsh social ins ins ins ins ins ins ins facebook pillows social ins ins ins ins", "pillows shaped like polar polar toy with couch pillows", "pillows, pillow pillow and pillow like a polar sn pillow", "cameras, pillows, polar phone, insie pillow", "twitter twitter social social twitter twitter twitter social twitter twitter twitter social twitter twitter twitter twitter", "a diy cushion made with some twitter, bird, diy and twitter twitter", "a pillow with twitter twee and twitter teep logos", "a camera, twitter, bird, twittersew twitter and twitter twitter logos", "a twitter bird sits on pillows with a twitter bird and twittery", "a polaro pillow with a twitter social follower on it", "three polar inst ins ins ins - like twitter social ins and twitter follow and", "four socials with a polar insp instagram inster insp instagram", "a photo of a square pillow with instant video insie insie camera", "a polar, ins square pillow and a twitter duck on a hash ins ins ins", "instaman and a polar bear, camera, and shirt to social media logos", "a social social insicure and a twitter pillow", "di di twitter di via di di di youtube video di di di di di di", "two twitter twitter, twitter, and twitter twee", "a twitter like insp insp insp is on the pillow", "polar ins ins ins and ins ins ins ins ins ins ins ins ins ins ins"], ["a large polar inspi insgram glow purse with inspi insp on it", "shaped pillow like pillows camera pillows di pillow shaped cushion a ins pillow throw brown one", "the glow glow camera slow the pillow", "ins pillow pillow ins photo ins ins ins pillow your polar make ins ins ins di", "a pillow that has a photo of a rainbow on it", "a insa camera cushion with a rainbow", "we ins person give i polar pillow polar ins polar like di a i polar polar", "polar polar polar you camera pillows polar bear the polar throw no polar polar polar polar", "a polar polar instant logo and a cup with a white mug", "a pillow with an inspeak on it", "a pillow that has a camera on top of it", "a pillow made out of fuji photographic ins photo pillow", "ins polar pillow pillow polar ins ins ins ins ins ins pillow free ins ins pillow", "the ins instant ins ins ins polar camera cushion cover features the photo camera on it", "the insp camera pillow made out of a polaroid camera", "camera pillow with a fake inspop icon on it", "an ins icon pillow that reads and looks like the polar cam ins photo cushion", "this pillow has a polar bear on it's side", "the cushion cushion of a pillow made from ins ins ins photo", "a pillow with a photo of the person on it", "the pillow made of an ins photo, with a polaroid camera on it", "di polar up polar ins di polar di ins ins di instant di ins ins ins", "a cushion with a rainbow and a rainbow strap around the pillow", "a polar polar polar instant photo polar polar polar bear with a camera polar polar polar", "an orangi pillow made from polar toy polar polar bear, polar pictures,", "the polar polar polar polar pillow pillow cushion pillow pillow pillow", "a white pillow with an camera glow icon", "camera pillow cover with felt ins photo applique on both sides of the camera", "the pillow has a polar photo on top of it", "a polar like like pillow made with a polarpop camera", "ins ins polar polar polar ins ins ins ins ins photos polar polar pillow ins ins", "the polar cameras pillow make themselves glow and they're like white", "photo pillow polar ins polar pillow ins ins cushion polar ins pillow pillow you polar polar", "a cushion made to look like a polar phone camera", "a polar camera and it's screen", "polar ins i ins ins ins ins ins ins ins ins ins ins ins ins polar", "a polarpop polar polar instant polar polar polar polar bear polar polar polar polar polar", "a cake made with the images of an ins ins icon", "diy diy pillow pillows to make | diy photo pillow decor", "an image like pillow pillow with the polar photo in it", "this inspurr bag made from an old pillow like bag and inspurr", "a plush camera pillow with the polar bear on it", "a white polar bear costume is set on a polar polar polar polar polar polar polar", "a very cute polaroid pillow on a sofa", "a brown pillow with a picture on it", "to pillow cushion pillow polar pillow polar i pillow camera ins square a cushion shaped polar", "a cushion depicting the polar camera logo is on display at a shop", "a polar camera pillow on the floor", "a pillow that has a photo on top of it", "an image and the text overlay reads diy make felt pillow to show polar", "a pillow made with a polaroido pillow on top of it", "a camera pillow made out of felt and thread", "glow flat felt polar slow glow glow yellow glow'glow glow blow glow photo,", "a large polar device camera on a bed", "a close up of a pink blanket with a ins filter on it", "an electronic device is in the shape of a fish", "pillow case made out of a brown polar bear", "a brown pillow pillow with fake polar bear and a rainbow on it", "pillow plush pillow plush costume pillow di photo stuffed pillow like this polar polar polar pillow", "the ins ins ins square camera on top of a polar bear", "a polaroid like icon with the insterpop camera", "a plush polar bear that is lying down on top of a pillow", "a camera pillow for people to create if the pillow you love", "body ins polar up polar plush ins and di polar polar pillow pillow ins camera,", "a polar polar polar pillow and pillows", "pillows are for those pillows and other items that can be sewn on or hung", "a camera polar device pillow with a brown camera, brown and rainbows on it", "a polaroid inspilla polar polar polar polar polar polar polar polar polar polar", "an inso bag that reads it is decorated with a rainbow sticker and a", "a camera pillow, this pillow is easy to make and fits the eye of the", "a close up of a brownie camera pillow on a white pillow", "the inst inst pillow is displayed attached to a white pillow", "diy pillow to take the creative way", "polar ins pillow photo shaped ins throw polar cushion like di no decorative on cushion photo", "a polar polar polar camera pillow with a rainbow camera on it", "a polar polar camera pillow pattern", "a instagram is seen with the polar ins inspiron sticker", "polar bear pillow made out of the pillow cushion cover and camera pillow", "an insra insatan pillow made with polar phone insrabate", "a camera pillow with the insta phone insta logo and a rainbow stripe", "polar polar camera pillow to share the photo", "a camera with a picture of a rainbow in it", "a cushion pillow with the inspop camera on it", "a photo of a polar bear pillow with a white pillow and coffee in the background", "polar polaroid ins instant ins - ins photo cushion is made with instant instant ins", "how to make polar polar bear pillow", "i had to make a pillow with polar cream now as a pillow and use it", "this polar bear camera costume is so cute i think this is a halloween costume polar", "a pillow that is shaped like a polar bear", "a pillow that has an insture camera on it", "polar camera cake on top of white cushion", "pillow with the instant photo inspi photo diy brown blanket and white pillow with", "ins polar photo polar polar i polar pillow to camera i ins like on ins ins", "a pillow with a rainbow stripe on top of it", "photo pillow pillow throw pillow camera ins up", "a teddy teddy bear sitting in a pillow that is shaped like an polar bear with", "we added our polar pin inse pillow for the rainbow", "ins rainbow rainbow ins ins rainbow ins pillow a ins i rainbow camera ins rainbow rainbow", "a pillow that has an inspeture camera", "stuffed in an insp pillow that has a camera made on it"]], "question": "Is it true that at least one of the pillows is designed to look like the instagram logo?", "answer": "yes"}, {"question_id": 54871, "captions": [["house in a green field with grass, daffos, daffos", "a thatched thatched cottage sitting next to a hedge and box box bushes", "a a a cottage flower gardens small a grass flower grass lawn a a a green", "thatched thatched thatched roofed thatched house in a field of grass", "a thatched thatched house sitting in a field", "a thatched thatched cottage is surrounded by daffoneta flowers", "a cottage sitting on green grass behind flowers", "that that that that that this that that that that grass that that that that that", "a small home sits on a green field in the country", "a thatched hut sits in a green yard", "the large backyard is green, and it looks very lush", "a thatched roofed house on a green grass covered field", "a little cabin with a thatch roof and a lawn and large bushes", "a hut that is over green grass", "the house has thatched thatched roof", "lawn - grass and field with a thatched thatched grass cottage", "a cottage with a thatched roof and large grass lawn", "a building thatched and there is a small building that sits on the side", "a thatched home in the meadow that has been laid in a field", "a house with a thatched roof in a green grassy lawn", "a small thatched cottage sits in a grassy meadow of green", "green lawn with a thatched house in the background", "a thatched thatched house in front of a house made of wood", "a garden with a thatched house by the window, green shutters and da", "that that that that that that that that that that that that that that that small", "that that that log that that that that that that that that house that that that", "a thatched cabin with a thatched thatch roof in the trees", "there is a thatched cottage that is on the grass", "that that that that that that that that that that that that that that that that", "a cottage at the front is surrounded by grass and grass", "a small house in a grassy lawn grass field", "thatched cottage made of grass and grass lawn", "small cottage made of small and small houses on one lawn green grass next to a", "the house has grass trimmed lawn and is the garden has green grass and grass green", "that that that that green that that that that that that cottage that that that that", "that grass that that is lawn a photograph that lawn ti the that that that cottage", "a green fields with yellow flowers in bloom", "a small log cabin style house, sitting alone in a pasture", "hut thatched with a thatched roof in the field", "a that thatched roof building sitting in the middle of a grassy yard", "a thatched cottage sitting in a lush green field", "the grass has some very pretty lawns", "a thatch thatchye thatch next to green grass", "a thatched thatched house sitting inside of a green field", "garden photo of a log cabin surrounded by daffodils", "a thatched house sitting on one side of the road", "an thatched thatched thatched thatton thatch hut with thatch", "a small house in the thatched village in the grass", "the thatched house has dark shutters on the windows", "small round roofed house with lawn covered in yellow flowers", "a thatched roof on top of a green field", "a thatched thatched roof thatched thatched thatched thatchife cottage", "an attractive little cottage with big yard grass and flowered yard", "small thatched cottage with green grass inside of the lawn", "that that that that that that a that that that house that that that cottage that", "a lush green and open green yard with grass", "a thatched hut sitting in a lush green park", "grassy green yard and grass and small log house on green lawn", "an image of a thatched roof cottage", "a small thatched house sitting on a lush green field", "that that that that that that that that a that that that that that that that", "a cute thatched house with several tulips of flowers surrounding it", "house has a thatched roof on lawned grass", "a thatched thatched cottage sits in a green landscape", "that that that that that that that that that that that that that irish that that", "a very pretty thatched roofed building by the grass", "a small thatched house on lush green grass", "thatched roof lodge surrounded by daffodils", "a thatched thatch cottage with blue shutters", "garden that that that that that that that that that that grassy that that that grass", "the thatched little cottage on the edge of the park with daffodils", "a small thatched cottage thatched in the grass", "thatched thatched building with lots of lawn and flower beds", "a traditional cottage on a green yard with a shed and a fence", "a wooden building with thatched roof sitting in the grass", "a thatched thatched roof with thatched thatched roof in a pasture", "a thatched thatched house in a green yard", "that that that that that that that that that that that and that that that that", "a little old thatched building on the grass", "a tree thatched roofed house stands alone in a grassy field", "a picture of an outside place with a thatched roof", "the meadow with grass has a a green roofed thatch surrounded by trees and fence", "building with a thatched thatched roof with daffions in front of it", "a stone building that has a window to the side of it", "a garden with shrubs and flower beds in front of a thatch thatched roofed", "a thatched thatched house with green grass growing on top", "that that that straw that that that that that that that that that that that that", "a home designed like a thatched house", "a thatched, thatched thatched roof thatched", "a thatched is thatched thatched thatch thatch next to a garden", "a thatched thatched roof home inside green grass", "a thatched thatch sitting on a grassy back yard", "a small thatched huts on a grass lawn with green grass and small flowers", "a wooden log building that is closed with a straw roof and windows", "a thatched cottage thatched with daffodils on the lawn", "a thatched lawn with a nice lawn and grass", "garden that that that that that that that that that that that that a that that", "a pretty thatched house that is standing out in the open field", "thatched house sitting in a field grass under a white sky", "a thatched house surrounded by trees sitting on green grass"], ["this old thatched white cottage is homed in its back garden", "a white house with a thatch roof sitting in a lush green grassy field", "an old and white house with a thatched roof next to a lush green mountain", "a large thatched thatched roof cottage", "a house on a slope beneath a clear blue sky", "a small house sitting on the side of a hill", "a house is surrounded by grass on a hill", "that a a cottage a white that a cottage a lush that a a cottage cottage", "a big white house sitting in the grass", "a thatched home that has a thatch roof, with tall grass on the", "that that that that that that that that that a that that cottage that that that", "white brick house on hillside and a hill", "thatched cottages in a hilly area surrounded by green grass", "a building on top of a grassy hill", "thatched roof grass and trees in country", "a white house with grassy field and green vegetation", "a white thatched thatched cottage sits on a hill", "that a that that that and that that that that that that that that that that", "an english cottage in the countryside on a walk", "that that that that that that that that that cottage small country that that that that", "a white house and mountain that have grass around it", "a thatched cottage is in a forested landscape", "an old thatched cottage sits among a lush green hillside and woods", "cottage sitting high from the forest in the hills", "a house view - large image only", "that that that that that that an that that white that that that that that a", "a thatched thatched roof cottage on a country land", "a white house on a country plot next to wild plants", "that houses with that that that that that that that that that that that that that", "that that that that that that that that that that a that that that that that", "that that that that that that that that that that that an that that that that", "a thatched roofed, farm - type cottage sits on a hillside", "that village that cottage house that that that that country that traditional that that white that", "a straw - roofed thatchered thatched cottage sitting on a lush hillside", "thatched cottage is shown from a beautiful cottage", "a thatched house with a grass lawn below it", "this is a small cottage with a grass lawn", "a white house is near a green hill on a side of a hill", "that that that that that that that that that that that that that that that cottage", "the white, small house is sitting by the side of the road", "a straw - roofed house on a remote country country location", "a house that looks like a white house on a hill side", "a detached thatched cottage sitting in the middle of green grass", "that that that that that cottage that that that that that that that that that that", "a thatched cottage with a thatched roof on the hill", "white cottages and thatch over thatched homes", "that that that cottage that that that a that that cottage that that that that that", "a white cottage with a thatch roof next to some bushes", "a thatched white cottage sitting in a overgrown green area", "that grass that that that rustic that that that that that an that that that that", "a house of small white with white thatched roof", "a traditional thatched cottage with green grass", "a white - house is nestled amid a hill a hillside", "a thatched country home on a hill", "a white white painted white brick home in the grass", "house with thatched roof thatched roofs and short roofs and grass green grassy field", "that that that cottages that that that that that that that that that that that that", "an image of two cottages in the country", "a large grassy field with a grass - covered house behind it", "the old white house is perched on a steep hill", "an old fashioned white house is surrounded by a grass covered hill", "is there a very small field in the yard", "a small white house on a small grassy road", "a building with thatched roof sitting in a grassy hill", "a small white thatched - roofed house in the mountains", "rural white house sitting atop a hillside with lush green overgrown hillside", "the white farmhouse was the former house of dr richard's grandmother", "small white cottage on grass hill near grassy area", "a thatched thatched house on a road", "that that that that a a that that white a cottage that that that cottage a", "a thatch thatch in the middle of a lush green hillside", "cottage that cottage cottage cot a cottage cottage cottage cottage cottages cottage cottage in cottage that", "a small white cottage with grass on the side", "an small white cottage on a hill with power lines overhead", "a white cottage in the country with a thatched roof", "a small white house sitting on top of a lush green field", "hillside cottage lush a hills farm white that white that white houses hills white white white", "that that that that that that that that that that that that that a that that", "a large cottage thatched out in the countryside", "a thatched house on a large hill surrounded by grass and plants", "that that that that that that that cottages that that that that that that that that", "the old house that has been built over a hill", "thatched thatched house surrounded by a patch of grass and green grass for a", "beautiful, white house with grass and green vegetation", "that that that that that that that that that that that that that that that that", "a white house sits in the middle of a grassy field", "stone cottage a that that cottage tiny that for house a a cottage white that house", "a white house sitting on top of a lush green forest", "that that that that cottage home that green that cottage a that house grass that that", "white tiny house in tall and narrow forest hill", "an old house with some white paint on it behind the grass", "a white thatched house seen from a hill", "a home with a hill in the background", "a thatched roof house sits alone on the edge of a lush green grass and", "a very thatched green thatched white house with thatched roof", "that that that that that that detached the that that that that that that that that", "a thatched white home sitting on a hill", "a white brick house with a thatch roof near some grass", "that a a that white white that there farm that that that cottage that white that", "a country white house in grass and bushes and small trees"]], "question": "Is it true that on the left a green lawn rises up to meet a white country cottage?", "answer": "no"}, {"question_id": 20451, "captions": [["coffee in a mug and coffee beans", "a cup of hot coffee with steam coming out", "steaming cup of coffee on wooden table and coffee beans", "a cup of coffee and grains of coffee on a plate", "a steaming mug of coffee with a scattered small grains of coffee beans behind it", "a cup of coffee steaming in a cup of coffee beans with a few coffee beans", "a cup of coffee with a thick, white saucer, sits near the ground", "a coffee cup with the steaming liquid from coffee grains and a blanket of steam", "a plate with a cup of coffee is standing on a plate", "a cup is on the plate next to the beans", "a coffee cup and roasted coffee on a table", "cup of coffee with steam rising over the saucer", "a cup and mug next to a bag of coffee beans", "a coffee cup and a saucer on a table", "in cups coffee coffee cup hot coffee coffee - coffee coffee coffee coffee a coffee coffee", "a cup of coffee beside roasted coffee beans", "a white cup of coffee, coffee beans and coffee beans", "a cup of coffee and scattered coffee grounds", "a cup of coffee has steam rising from it", "on a coffee cup coffee and coffee coffee brown coffee coffee coffee about ground coffee coffee", "a coffee cup being stirred with some coffee beans", "a cup of coffee with a smoke coming out of it", "a cup of coffee garnished with steam sitting in coffee beans", "tea in a cup on a wooden crate table", "a steaming cup of coffee sits on smoke coffee beans", "a cup of coffee is surrounded by coffee beans", "coffee coffee drink cup surrounded by coffee beans", "a cup of coffee with steam rising off it", "a hot coffee beverage served with roasted coffee beans", "a cups of coffee sits on its side on coffee beans", "a mug of coffee with some coffee beans and a cup of coffee", "a cup of coffee sitting on a table with its beans on it", "coffee roasted coffee hot black coffee coffee coffee coffee caf near coffee coffee coffee roasted caf", "a cup of dark coffee on a wooden table", "a cup of coffee on a white saucer", "a steaming coffee sitting cup on top of a wooden table covered in steaming coffee beans", "a cup filled with a very small amount of coffee beans next to a pile of", "a coffee cup with coffee beans and coffee beans on a saucer", "a cup of coffee filled with smoke surrounded by coffee beans", "a coffee cup sitting beside a coffee beans", "a cup of coffee next to some coffee beans", "a cup of coffee next to a bunch of coffee beans", "a black coffee cup with steam sitting on top of coffee beans and a handful of", "a steaming coffee cup covered in coffee beans", "a coffee cup with a thick drink of liquid is shown here", "coffee coffee coffee coffee, coffee coffee coffee coffee of coffee coffee coffee coffee coffee coffee", "a cup of coffee smoking next to coffee beans", "a cup of coffee filled with dark coffee", "steaming coffee, smoke steaming smoke steaming, steaming coffee cafe smoke coffee smoke mug coffee", "a plate of coffee beans and a cap of hot coffee with coffee beans on a", "a coffee cup next to some coffee beans", "a cup of hot coffee sits on a table", "steaming coffee in a white cup with beans and coffee beans around", "steaming coffee cup surrounded by coffee beans and roasted coffee beans", "a morning beverage has steam and coffee beans on coffee", "a coffee cup sitting next to some coffee beans", "a cup of coffee with a saucer sauce and coffee beans", "a white cup filled to a white mug of coffee", "a cup of coffee with steam rising from it", "a close up of a coffee cup with coffee beans", "coffee with roasted coffee beans on a wood surface", "a cup of coffee is next to some coffee beans", "two beans rest next to a cup of coffee and a plate of coffee beans", "a cup of coffee with steam rising out of it", "a cup of coffee is on fire", "a white cup with a saucer filled in some smoke on a table", "coffee pouring with steam in a cup and saucer", "coffee beans next to a cup of coffee with a few coffee beans", "a cup of coffee and coffee beans are arranged and overflowed", "a cup of coffee and coffee chips", "a cup of steaming hot coffee and a bunch of beans", "coffee coffee coffee hot close cups coffee coffee coffee coffee coffee coffee coffee close coffee coffee", "a hot drink with steaming and coffee beans inside", "a cup of coffee and a pile of coffee beans", "a cup of coffee with coffee beans", "on hot coffee drinking smoke coffee of coffee of coffee black beans dark coffee on coffee", "coffee beans in a coffee cup, near by a stack of food", "a bowl with a spoon on a coffee mug", "a coffee mug is sitting on a table", "coffee hot coffee coffee a starbucks coffee hot coffee coffee coffee coffee coffee coffee coffee hot", "a cup of coffee sitting next to coffee beans", "a cup of coffee surrounded by coffee beans and coffee grounds", "steam coffee steaming steaming steaming steaming steaming steaming hot steam steaming hot steaming steaming coffee cup", "a coffee cup sitting on top of a wooden table", "a cup and mug of coffee beans and coffee grounds", "a coffee cup with coffee and coffee beans", "a cup of coffee sitting on top of a saucer that sits on a place", "coffee coffee coffee coffee hot coffee coffee coffee coffee coffee coffee coffee coffee hot hot coffee", "freshly poured coffee, served with steaming steam", "hot coffee coffee coffee coffee coffee mug coffee drink hot coffee coffee steaming coffee coffee cup", "an attractive picture of a coffee cup with beans", "a coffee cup and saucer on a table", "a cup cup of coffee on a wooden table with coffee beans", "coffee hot coffee hot coffee steaming coffee coffee coffee coffee coffee a coffee coffee coffee coffee", "a cup of coffee with roasted coffee coffee peanuts", "a coffee cup filled on with coffee beans", "coffee a mug coffee cup cup drink coffee coffee coffee coffee hot coffee in es coffee", "coffee beans steaming brew steaming cup cup coffee coffee coffee coffee cup coffee steaming the steaming", "a hot cup of coffee on a brown table", "a cup of coffee and coffee beans and coffee beans"], ["in coffee la cap a ripple a coffee cap cap and la coffee cap a coffee", "two full mug of hot latte on top", "a cup of coffee and a spoon sit on a table", "a cappuccino cup is shown with a coffee latte", "a mug of hot chocolate on a saucer", "a cup of hot coffee with a cappuccino in it", "coffee, es latte chocolate in in coffee with art in spoon", "a cup of coffee with a latte on top", "a coffee cup with a latte and spoon on a saucer", "a capputure is covered in coffee sauce and making foam", "a cup of cappuccino with la latte art in foam cream", "a coffee cup with a coffee in a cup with the foam art", "a white cup of milk coffee sitting on top of a white bowl", "la laf in a cup of flat chocolate fucha", "a cup of cappuccino is topped with milk", "a cup of coffee next to a spoon and mug", "there is coffee topped with whipped milk on the table", "a cap, cap cap cap coffee a a coffee coffee la hot drink cocoa cap", "a white cup of a cup of coffee", "a spoon on a plate next to a mug of coffee and a spoon", "milk in liquid in a cups of latte with cream on the cappucci", "someone needs a drink of white chocolate and a nice mug of cappuccino", "a cup of coffee is sitting on a table", "a cup of coffee with latte art on top", "a cup of coffee and milk are sitting next to a spoon", "a large coffee is served with a cup of foam", "a picture of a cup of coffee on a table in cafe", "a cup of mug coffee coffee coffee and a coffee cup", "a cappuccino and hot chocolate coffee set on a saucer", "a beverage sits on the saucer on the table", "top of a coffee cup with a mug of liquid in it", "a cup of chocolate on a table white plate", "a glass of a drink in a cup on a saucer", "a cup of starbucks in a restaurant sitting on a table", "coffee hot coffee cream cup la la steaming a a of a this cap a cap", "a cup of latte cappy foam with white coffee cream art in it", "a cappuccino coffee sits on a plate the spoon is on the sauce", "la'cap coffee coffee and hot la coffee cap la cap the a coffee cap", "a coffee cup sitting on top of a blue table", "a white cup of latte in a white cup on a saucer with a", "a close up of a cup of coffee with hot chocolate la latte in the", "cappuccino la la cafe - la la", "a white cup of coffee sits in a blue cupcake", "this cappucci coffee latte is topped with a foam in cappressa", "a cappuccito in a white cup on a coffee cup", "a cup of coffee is full of latte with white liquid", "coffee with milk on saucer with saucer on floor", "a coffee is topped by latte chocolate art", "coffee is cappucci coffee served on saucer", "a cup of coffee sits on a table with a spoon", "a cup of lasser coffee with a foam", "a cup of chocolate coffee sitting on a table", "a cup of chocolate latte sitting on a table", "a cup of coffee is sitting on a black surface", "cup coffee coffee la a white drink la coffee a la cap la coffee hot cap", "a cappuccio is shown on a sauce in a cup", "a cappuccino coffee drink in the white cup is a latte", "a cup of foam coffee next to the beverage on top of a cup", "a latte is on a white plate", "a cappuccino topped with foam art on top of a coffee", "a cup of coffee sitting on a saucer on top of a plate", "a cup of cocoa cream on a plate with a spoon", "hot coffee cup with a foam latte on top of it", "a cup of coffee sits on the table next to a spoon", "a coffee with foam on top of a foam mug", "a cappress coffee is on a saucer and a table", "a cup filled with latte, spoon, and a spoon next to a cup", "the milk latte sits inside the white cup", "a white cup of coffee sitting on a saucer", "chocolate latte a foamy drink of cocoa laffigel in a white cup", "a capora in hot chocolate in a white cup", "a white cup of coffee on a saucer", "with a la coffee a cap while la cap cup la cap with foam la coffee", "a coffee latte on a sauced table next to a spoon", "hot chocolate in a white cup on a saucel", "coffee hot beverage with foam latte in hot cocoa", "a froth coffee latte sits on a white saucer", "cap a la mug cap cap cap cap la ripple cap a la cap cap to", "a matcha coffee, with latte art in it", "a cup filled with a very pretty latte on top of a table", "latte latte with foam art in a foam latte cup", "lahey coffee lak in a large square cup on a black placemat", "a cup of coffee on a saucer with spoon on black", "a cup in a white saucer cup with a cup of latte", "a la latte is next to a cup of coffee", "a small cup of coffee with lots of cream on top", "a coffee mug is on top of a saucer", "a coffee topped with cappuccino foam next to a spoon", "a coffee cup, mug, saucer and table with the foam of hot chocolate", "a flat chocolate with a milk in a beverage", "a latte is in a cappucci coffee cup on a dark table", "hot chocolate coffee with a cream foam and frothing", "a latte with a coffee pattern in it", "a cup of coffee with a spoon sitting next to it", "a coffee mug with coffee in it on a white plate", "a mug of milk filled coffee with a cup", "coffee cap cap a a la cap coffee la es spoon cap beverage hot ripple la", "a latte is in a cup on a plate", "a cup of coffee on top of a cup with a spoon", "a cup of coffee next to a spoon on a plate"]], "question": "Is it true that there are three or more cups with coffee in them?", "answer": "no"}, {"question_id": 8162, "captions": [["a small book bookshelf filled with red decorations", "childrens toys storage with open cubby unit", "a storage unit that is decorated with cubes and shelves", "a red chair outside by some shelves with bins for toys", "a playroom has a large shelf with bins full of toys", "a toy room has white cabinets filled with books", "a child's room with lots of built - in bookcases and a", "a room with some glass cubes and a small table", "a built book organized white shelves collection book books books library, multi color she closet", "a kid's room with a large bookcase, bookshelf, and", "a teddy bear sitting in a toy room", "a room with shelves filled with stuffed lion toys", "a computer desk and some shelves some books", "a bookshelf filled with red and different stuffed animals", "home books toy room organized shelves book shelf she built book red built storage book bedroom", "a boy bedroom room with book shelves, a red playroom area, and a", "cube she shelves display book book she storage, storage books shelves play books cub cub", "a kid's room full of lots of things", "a desk with a built in bookcase and a white desk and white counter with", "shelves are in a room with red shelves on each side", "this store book case has lots of books in it", "cube unit of bookshelves used as a built - in shelves", "bookshelf with a row of red books against the wall", "a group of books shelves filled with red toys", "built divide book nursery built shelves there shelves baskets storage baskets children storage baskets empty a", "a child's room with book shelves open with a toy", "a room filled with many shelves filled with baskets", "the red and pink bedroom, home makeover, playroom, room storage,", "a wall of many red bookshelves with a teddy bear", "a modern looking light fixture is on above a white shelf", "a bedroom with a red bedroom on red floor", "the book shelf is filled with many colorful boxes", "it is a shelves filled with toy books", "a bedroom has white children's bookshelf and a pink book case", "a play room with a lego chair and lots of toys", "open and closed cubby bookcases in the ike ikea, a toy", "a book shelf filled with books in a white bookcase", "toy shelves are filled with different colors books", "a teddy bear in front of a bookshelf shelves filled with toys and a", "a room filled with red and red bookshelves", "a room that has toys on the shelves", "a very nice bookcase with different colored books", "a book room filled with books and bookshelves with many red and red bin", "a cabinet with lots of plastic shelves and some red toys", "an empty storage area with red bins and toy cupboards", "some white brick wall with many red walls and white and white shelves", "a white cabinet with red drawers and a bookcase on top", "kid storage bins are an essential tool in any room", "shelves filled with red colors and shelves of binting red, green, red", "a picture of toys on a shelf in a room", "a bookcase full of legos sit in a room", "a bookshelf filled with books and baskets on top of white shelves", "the bookcases are filled with books in red", "a white bookshelf with red and red items filled them", "cub a cub library books kids books organized children storage multi toy kid built a shelves", "the kids'book shelves in the bedroom are red and a soft orange", "a room with several shelving's inside of it", "some shelves that are filled with books in a room", "a room with toys in bins in the wall", "a very small children's room with red and white bins", "playroom with baskets and a red - filled cabinet cubby", "an image of a toy display on a wall", "a desk that has some pictures on it", "a room with a bookcase filled with red books on shelves", "the lighting fixture for the bookshelves is flush and recessed", "a shelf filled with books next to pictures", "a small organized room storage storage area with many bookshelves", "a child's room with a bookcase full of books", "an office organized with clear cube unit containers", "a children's book case storage area", "a toy bear sits in front of a large bookshelf", "a small child's room with white bookshelves and red baskets", "shelves with many boxes in various zones of storage", "a large bookshelf with many built - in cubes in the middle and", "white china china corner shelf storage with red and purple basket bins", "a large collection of cubes made of brown wood sitting on a bookshelf", "a children's room has a huge book bin filled shelving", "an empty room with shelves and colorful baskets", "a bookcase with hundreds of colored crates on top of the shelves", "an organized kids room with cubot storage and picture frames", "red baskets and red cabinets are stored under white bookshelves", "a room with a large shelving with different drawers", "a bookshelf with different levels of cubby units filled with books", "a room with organized storage system full of cubes", "multiple frames are hanging on a wall next to a bookshelf", "to in shelves books books colorful brightly to closet built red shelves the shelves white she", "a view of a children's bedroom filled with red baskets", "different kind of display unit in a brown", "a large stuffed animal sitting in between two shelves", "a corner is red for home decor and toys", "childrens room toy bin storage units are really organized in the center of the children", "an organized playroom with a book case, baskets and toy storage", "a red bunch of cube drawers in a bookcase", "a room with built in shelvings and red storage baskets", "a picture of a room with a shelf and a teddy bear", "a child's bedroom with a shelf holding teddy bear and toys", "a bear toy in front of a bookshelf", "an empty room with the shelves full of toy storage", "the a book kid book children shelves a a area red she kid kids child brightly", "a bookcase filled with red books in a room"], ["black, tan and white brick wall with a large game room", "she lac lactrial design behind brown, red, and white painted on she", "a living room with chairs and couches in the background", "a large checkered walls and shelves in the room", "there is no person in the living room with a bookcase", "a living room with shelves, baskets and a entertainment center", "a wall in television wall tv a entertainment a a a check the a check shelf", "a red and black book case next to a checkered wall", "modern entertainment library tv yellow living living living black yellow tv television living furniture living living", "a shelf with drawers holding baskets on top, with a tv on top of it", "book living the and it entertainment tv a tv tv entertainment living television flat television check", "a black and white checkerboard display on the wall", "a modern living room, with black and white bookshelf with a red and", "an art - decoe black and white squares and shelves", "a bright light is shining through the window", "a large entertainment center with a television, bookshelf, and baskets in a", "a living room area with a chair and a bookshelf", "a room with bookcases and black and yellow checkerboard", "entertainment a and check check she book check check a shelf check check entertainment library check", "close up of a living room with open space, bookcase and floor length couch", "a living room filled with chairs and bookshelvers", "some black glass shelves with some red bottles in front of it", "three shelves filled with small glass vases on a bookcase", "shelves furniture furniture shelves many living entertainment living furniture furniture home a the open books an", "a flat panel television in a small living room", "a room has yellow walls and a brown and white checkered pattern on the back", "a living room with shelf on the walls", "living room arrangement with squares patterns and red furniture", "a bookcase in a living room with large bookshelf and entertainment center designed", "a modern living room with geometrics on the entertainment wall", "a bookshelves that have shelves with shelves on them", "a living room with grey and white striped backdrop", "a very modern living room area has many accessories", "an old apartment apartment living room with a tv, a couch and white chair and", "shelves a book and books shelf book shelves display book entertainment shelves she furniture contemporary -", "a a book black shelves and shelves shelf shelves shelf living ike black check modern an", "a large checkered screen wall in with a red bench below it", "wall on a wall with shelves in front of a window", "a living room with a white and black entertainment center", "a picture of a bookshelf shelf with a picture on the side", "living tv book corner shelf cabinet shelves tv tv living tv television entertainment and and on", "a large storage unit with black and red accents", "the decorative shelves are set in checkerboard squares", "entertainment wall design in a living room", "a living room with many shelves over the couch", "a room with a bunch of storage baskets with baskets below it", "a large entertainment center with a tv and a checkered wall", "wall bookshelves and entertainment center in a tan and black design", "an entertainment wall with a book shelf", "a tall books books shelves modern yellow on furniture shelves built book in books shelves modern", "a plant in a vase and a bookshelf are in front of a window", "a library case has shelves with shelves over the top and across the front", "shelving and modern built - in entertainment unit", "a home screen mounted to a wall mounted in a living room", "decorative shelves open and television entertainment entertainment tv, a china a entertainment entertainment tv entertainment", "a room that is decorated with checkered glass and yellow walls", "there is a large shelf with many bookshelves around it", "tv room with bookshelf mounted on entertainment unit", "plaid - printed curtains cover the black and white color box shelves", "a large checkered wall shelves a wooden beams", "a living room scene featuring a checkered tv stand", "living room with plaid walls on entertainment center", "the bright living room is spacious with great color", "a modern looking living room with a big checkboard wall", "the entertainment area in the living room is clean, not very bright", "a big tv mounted to the wall in the middle of a large", "the interior of a living room with a black, red and white theme", "room displaying a modern bookshelf design", "a decorative bench with decorative red seat with storage baskets", "a wall has blocks and squares, a long bench", "tiled wall with bookshelves and decorative rugs", "a big black bookshelf in a large open living space", "living room shelves and bookcases room book shelf room bookshelf bookshel", "bookshels with black and white in the wall, a flat tv and glass", "a room with a book shelf and a checkerboard pattern", "a bookcase that is made of black and white", "an living room with bookshelf shelves and a colorful couch", "a shelf is filled with plastic and glass items", "a large television is seen in in this living room", "a living room with black entertainment center and checkerboard wall", "modern yellow and tv tv yellow she tv television entertainment cream wall room yellow yellow tv", "a very nice looking living room with a checkered wall inside", "a living room is decorated in an asian inspired pattern", "bookshelf with shelves, various lamps, tables, chair and chair", "a living room with a bookshelf and cupboards", "a bookshelf is very decorative and clean", "a shelves with wine glasses are displayed in a large room", "a colorful tv sitting on a couch in a room", "a television sitting on top of a entertainment center", "a television stand with shelves and a red couch", "a room that has a checkered wall and shelves", "a living room that has colored tiles on the wall and white furniture", "a living room with a fireplace and a television", "several brown bookcases that are display on a large wall", "a shelf is next to a chair and bookcase", "a large living room with wall cabinets and shelves", "a room with a couch a tv and a shelf with vases on top", "a large oriental book stand with shelves, and storage below it", "black storage and black tv living entertainment wi entertainment is black a modern multi black a", "a home office decorated with a checkerboard theme in black and red"]], "question": "Is it true that the wall-filling white shelf unit in the left image features multiple red squares?", "answer": "yes"}, {"question_id": 53346, "captions": [["golf balls and red and white golf balls with one in the back", "a glass wall filled with balloons covered with balls, balls and doughnuts,", "a pile of balloons with my my girlfriend and my girlfriend, my girlfriend", "a cardboard box filled with red and pink balloons and heart filled with red and white", "golf golf golf golf golfer golf in balloon foil foil balloon heart balloon out heart heart", "a bunch of balls and one very golf and all my golf ball ball ball cake", "heart hearts air go ball of valentine and a heart with a golf ball - ball", "a red and red balloon and a pile of balloons with gumberries, hearts eye", "a bunch of balls that are on top of each other", "a pink valentine ballcake inside of a box", "a red box of birthday balloons and balloons", "a red heart balloon filled with teddy bears and a small heart shaped", "a balloon in the shapes of a heart above a box filled with balloons and pink", "a girlfriend girlfriend to i, in valentine your boyfriend to a & with go girlfriend", "a large heart - shaped balloon floating by a box of balls", "birthday golf golf and golf golf'' golf and balloons balloon air, balloon bouquet", "this box of heart balloon is a great way to gift a friend a box with", "a bunch of ballons full of red balloon and several dozen of white balls", "there are red and white ballons in a drawer", "a large balloon heart shaped balloon balloon filled with pink and red balls", "a box full of a helium box of air ballons with a heart balloon and", "stuffed balls sitting in a heart shaped box with donut valentine balls in it", "assorted balloon orb filled pink and white and red heart balloons, and pink and", "close up of many candies and jellyglooms beside of a balloon balloon", "a box of heart shaped balloons with a red heart shaped balloon", "a balloon heart filled with mini gumpasdes", "a box of balloons and a bunch of red and white valentine balls in the corner", "balloons and a foil balloon on the floor", "a box filled with a large heart foil balloon", "a heart filled box filled with several teddy bear cake balls and teddy bear stuffed teddy", "a heart balloon is filled with birthday confest and balloons", "a valentines balloon and red foil heart shaped balloon that reads friends", "a box of doughnuts and a bunch of balls and a balloon", "a valentine it a heart'balloons my bunch the balloon all helium balloon balloons balloons", "a heart shaped balloon shaped like a heart filled with candy filled with valentine", "hearts with a message are surrounded by a bunch of balloons", "a heart shaped balloon with five dozen eggs and a number of chocolate doughnuts", "balloons balloons balloon balloons balls balloon balloon balloon balloons bunch heart balloons balloons for a balloon", "there is a balloon balloon and balloons with donts and cake balls and many pink", "a heart shaped balloon with a golfish friend balloon", "a bunch of hearts is in the room that is filled with red balloons", "a bunch of balls in a box, with a heart balloon above and a bunch", "a heart of balloons go and a balloon god chocolate i balloons balloons a california and", "a box filled with roses balloons for a surprise, with a stick with the word", "a box of donuts with different kinds of jelly donut", "a heart shaped balloon being flown next to a my boyfriend red heart - shaped heart", "red balloons with a teddy bear on the front and lots of red balls", "a bag of golf hearts in it, and a golf gogo bear and bear", "a box filled full with a red balloon filled with teddy bears balls and other toys", "an unopened i love you balloon with a bunch of balls", "a number of doughnuts and valentine's day balls balloon balloon balloons", "a red heart shaped balloon filled with red balls and white and pink frosted balloons", "heart of the best, a valentine myo bookstore in its box of red balloons", "a group of little teddy bear and some assorted teddy bears, and a few", "a box of valentine ballons all wrapped in foil are on display", "a lot of balloons in the room with balloons and red and white hearts in the", "a heart shaped balloon heart balloon heart filled in red heart with valentine's day", "i a bunch a heart heart heart balloons balloon i balloons heart foil valentine heart a", "a heart shaped red one surrounded by balls and more in a box", "and inside a heart, balloon, and a bunch of teddy bears", "a number of donllipop doughnuts sitting on the floor underneath a pink", "the ball game balls and a ball with a heart balloon and some white and orange", "a balloon heart shaped balloon red, filled with candy and other confectibles", "i love an red heart balloon floating inside a balloon", "a golf themed birthday heart balloons and a big golf girlfriend heart balloon", "a large rose ball box filled with assorted helium", "a plastic heart filled with red candis, jelly and jelly filled jellys and", "a balloon birthday heart, balloons balloons helium and up balloon balloons balls balls g a", "lots of toys and a ball of helium are all together", "a heart - shaped shaped balloon balloon says cool friends", "a heart balloon flying over balls with the word california", "there is a surprise at the end of their marriage", "i a balloons girlfriend'golf girlfriend and and golf golf golf golf california girlfriend heart", "the close a valentine ball balloon heart heart balloon bal balloon balloon balloon in birthday late", "balloon my balloon ball - boyfriend balloon g balloon balloon f boyfriend balloon, in a", "a close of a heart - filled valentine cake bund cake doughnuts,", "a big balloon shaped like a heart filled with cake toppers of white and red", "a box full of good friend teddy bears and balloons that read the girlfriend", "some aluminum foil silver colored balloons and a brown balloon", "a box of balls that are surrounded by a heart shaped balloon", "a lot of golf balls balls and a red heart balloon", "a golf appreciation balloon balloon is decorated with golf balls", "a in a a balloons box dozen gum balloon and a a many box heart bear", "a valentine heart balloon being hit by balls love my my my my my my friend", "a heart shaped foil air / foil balloon saysgolwood golf", "a number of balloons and valentine hearts, all wrapped up", "some teddy bear candies are seen in the picture", "a box of happy box is filled with happy's my my my my my", "a heart balloon balloon heart out balloon valentine heart valentine with balloon valentine ball valentine heart", "a red heart shaped balloon is next to chocolate balls and white and pink sugary", "there is a lot of lots of stuffed toys", "it is balloons helium bunch balloon bunches of tomatoes", "a box filled with a heart - friends valentine ball and a lot of donuts", "a bunch of red balloons that spell out a boyfriend on a valentines day balloon", "out golf golf balloons golf ball graduation party valentine golf balloons and some golf golf golf", "a balloon balloon floating in a balloon filled box with valentines", "a chocolate golf ball balloon and assorted cupcakes", "box there cake ball valentine candy birthday don cakes a and red white red dough dough", "red heart balloons and love balloon hearts are in a heap of apples for the valentine", "a box made made up with cake balls"], ["valentine balloons lay on a red pillow on the bed", "a collection of heart shaped balloons hang in the middle of a room", "a large bunch of different colorful, heart shaped balloons", "balloons of different kinds lined up on the headboard", "a pile of foil heart shaped balloons sitting above the head of a bed", "there are many shiny heart shaped shaped balloons on a bed", "heart valentine hearts some balloon red balloons holding there hearts balloons heart balloon in teddy heart", "balloons in the shape of heart shaped balloons in a bed", "a couple of bunches of red heart balloons on a bed", "a close up of different types of valentine balloons", "a bed with a red and pink bed spread covered in a heart shaped balloon", "love photo beds decorated balloons my heart hearts decor balloons valentine for love valentine my bed", "many red and silver heart balloons are arranged on a red quilt", "a heart - shaped bunch of helium balloons for balloons are laid out on the floor", "the bunch of large red heart shaped balloons are made of red and pink", "the pink bed has lots of balloon arrangement on the headboard", "a headboard made out of balloons of many colors and sizes", "heart heart inflated heart heart hearts inflated heart bunch hearts hearts hearts red assortment bunch heart", "balloon heart balloon valentine balloons on valentine balloons air balloons that heart heart balloons balloon balloons", "a bed with balloon art on it and on it is a heart shaped balloon", "a bunch of balloons attached to a wire", "hearts for valentine's day in a hotel room", "valentine's day balloons arranged to create a display for a man", "a pile of balloons that are sitting on a beds", "a mixture of helium balloons and foil balloons with heart shaped balloons attached to them", "red and pink balloons are arranged in a bunch", "the person's home is a message and lots of heart balloons, hearts to", "a well arranged bedroom that has a birthday sign on the bed", "a pink present for a heart, some hearts balloon, red hearts are all in", "hearts in metallic balloons on the bed in the room", "helium balloons heart helium heart heart air has heart i balloon red and photo valentine balloon", "valentine's day balloons on the head of a bed", "red i you pink i hearts a that bunch a many late balloons hearts balloon heart", "on a red and pink bedroom decorated bed covered with hearts", "some very pretty pink heart shaped balloon decorations", "one of my friends'bedroom's decorations,", "a bunch of pink, red, and white balloons balloons are heart shaped", "balloons tied to a balloon tower that also put balloons on the head", "a bouquet of balloons with helium hearts and notes", "a bedroom with a group of balloons of hearts attached to the top of the wall", "a bed with a bunch of balloons on the bed", "and on a a valentine a the, a with bed on heart the a balloon", "balloons'balloons hearts, a heart's heart and a party", "a bunch of heart shapes arranged in different sizes on the head of the floor,", "a valentine display is made to be filled with foil balloons and hot stuff", "decorations with various hearts hanging above a room", "an unmade bed decorated with heart balloons", "a girl's wish for her a bedroom party", "a bed decorated in a pink comforter and red balloons attached to it", "there is some colorful balloons that are shaped like there's a message right there", "a bed with lots of heart shaped balloons on it", "a room filled with balloons of different shapes and colors", "valentine's decorations on the head board in a bed for a child", "many red heart shaped balloons sitting on a bed", "balloons and hearts in the shape of a heart set for valentine's day", "valentine s day bedroom decorations a photo of love", "a big bed covered in lots of red and silver heart balloons", "a pile of balloons is shown for the birthday girl", "a gift for a hearty bear with balloons", "note a hearts heart heart heart balloon personal a helium hearts is pink balloons in you", "lots of heart shaped balloons are laid out on a sofa", "a bed that is filled with a lot of balloons", "the arrangement of heart shaped balloons are arranged upside down", "nine pink and red hearts in a balloon shape", "the bunch with many bunches of balloons of hearts", "a pile of air filled balloons, with a big bed and red and pink heart", "a valentine balloons display on a bed in a red room", "bunch of hearts are on a whiteboard in front of pink post it's", "the headboard includes a bedroom bed decorated in red and maroon", "several very nice and romantic valentine balloons for the bed", "i bedroom bed heart on i balloon to love i my balloon hearts balloons a heart", "a bunch of colorful heart balloons is on a headboard by a bed", "there is a display of many different heart balloons", "this arrangement of balloons has heart shaped balloons attached above the number of balloons", "a bunch of balloons that are a teddy bear and several hearts", "photo of a bunch of many red and red hearts balloon", "a large bed with valentines, heart shape balloons and a pink note for a", "i'll love you many bunches of red and red heart balloons", "hearts a valentine hearts red balloons hearts a helium heart arranged heart hearts balloons balloons heart", "a valentines balloon made out of metallic foil hearts on top of a head head", "a bed covered in red and heart shaped balloons", "a bedroom decorated with a bed and lots of heart shaped balloons", "balloons that are designed to celebrate a anniversary", "a bed that needs balloon balloons in the shape of a bouquet of hearts", "a valentine's day arrangement including red balloons and decorations", "a valentine's theme balloon helium photo", "a bed in front of balloons that say happy birthday", "a bunch of balloons placed as a bouquet for valentine's day", "a bed with many balloons and note on it", "a bedroom with bright silver balloons on top of a beds", "this is a valentine's day at the spa with various hearts being laid out", "a balloons balloons love is bunch a valentine balloons heart hearts i i assortment hearts heart", "there is a bunch of valentine's day balloons on a bedroom bed", "red helium balloons sitting on a bed with the note to the customer", "balloon heart balloon i set all balloons helium to bouquet a balloons balloons balloon balloons bunch", "pink and red balloons have a pink note stuck to the balloon stick", "the bed is filled with some hearts and balloons", "a bunch of red and red heart balloons on black table", "balloons heart all balloons, balloon balloons balloons heart balloons balloons i heart all the valentine", "lots of balloons heart shaped on a pillow and on a bed"]], "question": "Is it true that there is a man outside walking with at least ten red balloons?", "answer": "no"}, {"question_id": 59809, "captions": [["a dog with a red patterned tie and a red collar", "the small dog is wearing a burgundy collar", "a dog with a sad look on his face", "a young dog is by a wire fence", "a white dog looking at the camera with a dark and blur eye", "a puppy is wearing a collar on a sunny day", "a large dog looking forward with a brown eyes", "dogs dog an light portrait head looking there eyes dog white portrait puppy dog white large", "a dog in a tie with his collar and bow tie", "a dog wearing a collar and a collar necktie", "the dog is looking very serious looking to the camera", "a big fluffy white dog with a collar around his neck", "an attractive looking long haired dog with brown eyes", "a shaggy, brown dog with a red heart collar", "the dog is looking away from the camera", "a white dog is looking up at something", "a dog is alone in front of dark background", "a white cock with curly hair, sitting down", "a dog looks into the distance with a light brown face", "a brown dog with a red collar sitting on a rocky field", "a photograph of a dog looking up at its looking to the camera with it", "a white dog with a tie collar laying next to his face", "a white dog looking to the side during warm weather", "a large dog standing on top of a grass field", "the dog is looking toward the camera", "a small dachshund dog looks to be sad", "a dog looks toward the camera while standing behind", "there is a very white dog sitting on the ground", "a photograph of a puppy with a big floppy coat on its head", "a dog is sitting in grass with grass in the background", "a white dog with long hair wearing a collar", "a light brown dog standing close to a tree", "an older breed cock wearing a dog's collar", "dog standing at a farm in rural distance", "a dog sitting the the look of white on a white background", "a dog that has a long, curly, hair under its nose", "the cock is ready at the camera as a black frame is behind him", "a brown dog sitting next to a water log", "a dog with no eyes wearing a polka dot tie", "view of older dog with large nose in full look", "brown dog looking outside through wire fence", "a long legged dog is looking towards the camera", "a very cute shaggy puppy in a white photo", "a portrait photograph taken on a dark background of a dog", "a close up photo of a dog the dog's face", "dog a white dog beautiful an tan looking close dog dog close face nose a big", "a dog dog looking looking the camera to the right side", "cream colored dog looking out the fence line, in a fence", "white golden retrievere is standing outside indoors", "a dog that is sitting down in the floor", "a dog is wearing close up collar and eye makeup", "a big pohtt dog is looking towards the right", "a brown dog with a collar tie looking up", "looking at the side of a large white dog with very short legs and long legs", "there is a dog with a collar tie tied around the collar", "a dog sitting in a patch of grass next to brown grass", "a light brown dog with a long haired shaggy coat and a big shaggy collar of", "on white white white looking small white dog cock dog dog dog white old white dog", "the dog has a white long haired coat standing up", "white dog wearing a pink print dog collar by a owner", "the dog is a dog with a cute neck tie", "a small golden retriever standing in an open field", "a puppy with a brown head standing in front of a white background", "the dog is looking at the camera wearing a red collar", "a medium sized white dog standing in front of a wire fence", "a close up portrait picture of a dog taken in profile", "a long haired dog in a pink collar and red collar", "a golden retriever looking up at a picture", "a white dog is looking into the setting of the picture", "a long haired dog wearing a collar and bandanna", "a tan dog sits for the camera", "a dog with a dog looker sitting facing the camera", "a white dog wearing a bow tie with frragts of high shine", "a large long shaggy dog looking away behind a fence", "a white dog looks very relaxed while wearing a colorful neck tie", "a dog looks forward as it eyes stares down", "a dog looking to its left looking at camera", "a white dog wears a collar around a red tie", "a white white dog with a short haircut", "small dog portrait with very eyes, looking forward", "beige dog is sitting behind a fence", "the dog with its collar and neck tie has his name tag", "a red ribbon on a small brown dog", "there is a dog that is outside of posing on a couch", "the large dog has a bow tie with his ears", "white dog with long brown eyes standing in dry grass", "a dog with a bow tie in various colors", "a dog of white breed, sitting and a light", "dog white with furry white dog dog dog span hair fluffy sitting dog dog, dog", "a long haired dog has a sad look", "a brown dog in a brown and dry field", "small fluffy white dog sitting indoors on a clear day", "small fluffy white dog next to a chicken wire fence", "a white dog with a red collar and a red neck tie", "a dog wearing a collar sits behind a fence", "a cute white dog looking straight ahead", "brown dog with curly hair staring at camera", "a dog of some sort is looking at the camera", "a white dog sitting close to face with a black nose", "a pretty long haired dog with a bow tie around his neck"], ["a long haired dog on a leash smiles", "a large brown dog standing on a lush green field", "the dog is standing looking forward with its tongue hanging out", "a dog with long hair standing in the grass", "a close up of a dog next to a man", "an image of a dog with its long hair", "a brown dog with brown eyes standing next to his handler", "dog in the middle of a green yard", "a dog that is standing in the grass", "an ober dog with big teeth and missing teeth", "the dog is smiling and ready to go on jours", "a dog with the coat of a brown dog, standing", "a brown dog with mouth wide open and panting", "a shaggy haired dog with its long wavy blond hair", "afghanese dog looks to be ready for the camera", "a brown long haired dog with some brown dogs around", "the smiling dog is looking at the camera and smiling", "a long, long haired brown dog that is looking straight ahead in the distance", "a hound that is standing with his tongue out", "a long shaggy daggle dog, with its big closed mouth", "a large, long looking small dog sitting at a dog show", "a beautiful afghan dog looking happy into the camera", "a brown and afghan shepherd dog with open mouth", "a long - haired long haired dog standing looking at the camera taken at the front", "the dog is smiling while he is being held by its owner", "a very large pretty dog with a big smile", "a dog in a field with a man in the background", "puppy sitting and smiling in long hair on a man's arm", "the dog is looking forward and friendly as it sitting to smile", "a close up of a dog in the grass", "a dog looking away from the camera", "a brown dog standing out on green grass", "a dog standing on a green grass covered field", "a dog smiling in it's front shot in front of the camera", "this dog may be looking at something with delight", "a long haired brown dog with a coat down", "a dog with its ears looking forward", "a brown dog with a smile looking at the camera", "a dog with is mouth open and his tongue open", "a dog looking at the camera in a photo", "a dog is in the green grassy field", "small long long brown dog walking along outdoors", "a close up of a dog with his mouth open", "a dog with its tongue out at a dog show", "a dog that is laying down in the grass", "a happy large dog with long hair", "a dog on a leash sitting in a field", "a dog with brown eyes in very bright grass", "a close up of one of a dog at a dog show", "a dog in the grass looking into the camera", "a brown dog that has his owner standing next to him", "afghan sheep animal with open mouth looking very like a dog", "a long long light blonde shaggy looking dog with long fringes", "a afghani dog is looking sideways with his owner", "this is a dog that is standing next to a person", "the brown dog is licking its long ears", "an image of a dog with long hair", "a large dog with it's mouth open sitting down", "a dog with the person wearing a shirt standing against his lap", "a dog on a leash, looking straight ahead", "a happy dog is smiling for the camera", "a tan dog looking ahead with big eyes", "a dog looks to the left with long hair,", "a dog is standing outside outside wearing a hat", "a brown dog is looking into the distance", "an afghan dog is looking looking to its left", "a long haired dog is staring at the camera", "the dog with a large ears close up", "happy dog posing with dog muzzle in picture", "a large dog with a nice coat is beside a pole", "a dog standing near another person in white pants", "a long haired dog is standing in the green grass", "a dog is standing very close to a man's arm", "a brown and brown dog standing on top of a table", "an adult dog on a leash in the grass", "a dog is a long haired dog with fur", "a dog with large brown ears and a long beard", "the dog has long, long, long shaggy hair", "a long haired dog with a collar looks straight ahead", "a brown dog is standing by itself on a field", "a dog that is close to the camera looking", "a dog that is walking on grass", "afghanese dog is walking out in the middle of the image", "a dog standing in front of a white background", "a group of dogs stand together with each other and look to the side", "a closeup of a small dachshund dog with a brown coat", "the small dog has a tan coat on, it looks out to his chest in", "a close up of a dog's face as it looks into the camera", "a afghan hound dog sitting on a person's lap", "a dog laying on top of a lush green field", "a dog that is smiling and standing in the grass", "a long haired dachshun is looking forward", "a dog in a close up picture looking at the camera", "a man holding a dog while standing in front of a person", "a afghanorn dog looking at the camera", "a long haired older dog has a serious look", "a large brown dog poses for a close shot", "a small long hair dog at a dog show", "a dog with a long coat walking", "an afghani - afghane is sitting smiling looking straight ahead"]], "question": "Is it true that one image features at least two dogs?", "answer": "no"}, {"question_id": 57116, "captions": [["a group of hog pigs grazing in an area with forest and trees", "a herd of wild boar standing on a dirt lot", "seven animals are standing together near each other for a picture", "a herd of wild pig standing in the grass", "six wild boars in a group posing for the camera", "pigs standing near a family of smaller pigs", "a herd of four boars and a large few small ones grazing", "a group of wild boars in the grass", "a group of wild pigs in a field with a baby", "a group of five brown pig standing around", "a picture of some pigs sitting on a field", "wild hog pig small many boar pork small wild herd these pigs a of few a", "wild a a many many a wild war wild many several a a various pigs small", "a group of wild boars are all around the water", "a group of young boar, adult and three young boars", "a group of wild boars standing together", "we are looking at a group of wild boars grazing", "a group of wild pigs on a dirt field", "large group of little pigs of the adult male and the young", "hundreds of wild boars gather together near a grassy field", "this family of wild pig is looking at a flock of piglings", "a group of wild pigs standing side by side", "herd of pig are laying down in the dirt", "a these a a a a wild razor hog war war hog these bunch small herd", "a family of small pig grazing together in the woods", "four boars in the prairie grazing and looking back", "young animals graze and eat in the forest", "a bunch of wild pigs are gathered next to each other", "the family of pigs is resting in a field surrounded by a couple of smaller animals", "several black boar hogs eating food from hay in a pasture", "a couple of small pigs on the side of a dirt road", "a herd of wild boars huddled around a mother boar", "a bunch of animals in the shape of boars some standing and some standing", "and wild pigs boar pig badger ga a hog wild boar boar boar pigs pigs pig", "a group of boars standing next to each other", "pig boar wild pig boar boar pig boar boar boar boar boar pigs wild with wild", "a bunch of wild pigs are walking and laying close together", "a herd of wild pigs standing next to a few baby boars", "five hog hog hog fighting each other around", "a herd of wild pork standing next to each other", "several wild boar family, one adult and small children", "some animals eating an unsuspicked meal on a dirt ground", "a group of pigs standing around drinking water from their waters", "a herd of wild boars are standing in the woods", "a photo of people and a herd of wild boar", "a flock of boaries walking through a field", "a group of wild boars are standing in front of one another", "animals of a small boar herd", "pigs grazing in a muddy field near some trees", "group of pig's standing together in a shallow dirt field", "a group of wild pigs that are standing around", "a small collection of wild pigs and a piggy looking for food", "a family of wild boars in the mud", "there a group of pig standing around the young", "grown pig a there a a a these boar pig pigs pig boar pig and a", "a herd of wild boars standing behind a green hillside", "a group of wild boars are standing in the dirt", "hog group baby a a several some wild many a a a a there, there", "a group of small and large wild boars with baby boars", "a group of wild boars are in a field", "a group of different kinds of small animals in a landscape", "a herd of wild pig grazing near a clearing of grass", "various types of wild animals in the muddy field", "a group of wild pigs is pictured on the field", "a couple of groups of boars in outdoor area", "a group of wild boar herding on a muddy hill", "the animals are together grazing in the mud", "a herd of wild pigs walking next to each other", "group, looking pork pig pigs large large a many herd hog wild in pig boar", "a herd of boars standing in the grass", "group of small pig are walking beside a large group of pigs", "a group of wild pigs roam in a grassy area", "there a group of boar boars grazing on the grass", "a small herd of wild boar standing next to each other", "a herd of wild boars walking away from the camera", "a trio of animals standing in the grass near a field", "several wild boars and pigs are standing together", "an adult bunch of wild boar standing by each other", "a herd of four pigs are standing next to each other", "a group of large wild boars and pig", "wild boar herd grazing near rocky landscape in natural area with sunny sun", "a herd of various size wild boars in an enclosure", "a herd of wild boar standing on a grassy field", "a bunch of animals are in a line together", "a group of small hogs standing on the shore", "a few different looking animals on a street", "a group of five pigs stand next to each other", "boar boars feeding the baby and young pigs", "pigs graze in a field in the background is a cloudy sky", "hogs gathered around a fence to feed them with", "a few animals in a group together at the park", "a group of various sized and types of wild boar", "a mother bear surrounded by several adult pig", "a group of large wild life pigs gathered together", "little farm the wild wild pigs little pigs pig boar pigs wild there boar boar wild", "some small hog hog pigs gather in a family", "wild wild wild boar boar animal wild boar animals, pig wild boar war boar pigs", "a line of wild pork with one pig standing next to other", "four pigs are in the mud next to their mother", "a herd of five pigs are looking down at the camera"], ["a herd of baby pigs standing on a dirt floor", "a picture of a trio of boars in their new news news news news news", "some pig's grazing with its three baby", "four new news news services is reporting on the news and news news news news service", "boars in a group eating out of a bag", "new news news news news news new news news new news news new news news news", "a baby boar is surrounded by its dad", "the'little batter matthew rather mattbatton news nene news news news news", "a herd of dead boars is looking for food to eat", "four little pigs are standing beneath one another in a field of grass", "baby pigs grazing with his mother, with their mother and baby", "a news news news news news news is urging the new news group had the news", "a family of pigs are seen with calves and short haired piglets", "a group of boars in the wild", "four little grey pigs standing together together next news news news news news news news news", "this close - up shot of several animals grazing on the ground", "a herd of wild boars were heard to new news news news news news news", "five wild boarlings who are news news news news news news news news news news", "hog pork stock ho hooked idol news news news news news news now news the baby", "a group of tiny boars in a news news news news news news news news", "a mother matthew mitchell mother news news news news news news news news news news news", "a baby boar with three younger boars next to an older pig", "three piggies stand in a flock with the mother pig", "a little hog hog herd in the home he honolulu honeymoon how horse", "a herd of small pigs walking along next to each other", "a new news news news service advert news news services, and a group of", "five pigs with baby pigs in the news news news", "this shot shows a wild pig with his other wild boars", "new news news news news news news news new news new news news featured the how", "a herd of boar looking at something in front of a camera", "new news new news news breaking news news news news news news news new news news", "a bunch of wild boars are seen in this image", "new news news news news news about news news news news news news news new news", "a herd of cattle walking along side a forest", "pig terriers are being sueded for new news in the news network", "small group of boars grazing on ground near a tree", "a herd of pigs standing on top of a dry grass covered ground", "how newspaper news news news new news headline photo from how how how how how how", "a group of hogs is walking around with each other", "three highland hognosk boar herd seen here in a honeymoon home", "new news news news news news news news news news new news new news news breaking", "a pig news news news news news news news and five different new baby pigs", "a big group of little brown boar pigs near news news news news news today news", "this huro how - how he how how how how how help how how do", "pigs and boars huddle and drink in the dirt", "pig hog ho hog wild hog hog ho hog back pig ho hog boar hog hog", "there are the rare family of black bears from british central england of about 50 years", "a bunch of big pigs grazing on some grass", "a herd of wild boars are seen with the owner, who has taken it", "hogbirds and a pig are now news new news news news'war", "the pig herd of pigs is all looking for food", "a bunch of very cute little boar pigs", "a herd of wild animals with young boars", "newborn news news news news news news news news news news news news news news news", "as ma there mother war batter that rather mother with a'in baby pigs rather", "war this this a baby wild breast a baby baby baby animals baby there wild wildlife", "a group of wild boars are news news services", "five boarls are seen standing close together, one of them is rubbing each other", "the that baby pigs baby bear little looking to wild four herd herd too zoo hog", "wild pigs have very different sizes of feathers than human ones", "several boars on the news news news news news news news news news news news", "a group of small baby pigs are drinking from a baby pig's mouth", "new new new new news in new new news news a new newew new a", "a new news news news news on news news is making the pig look more new", "a herd of boars standing near a log", "five grown hog pigs in line against each other", "new new news news news new news news news news news news new new new new", "a group of young pigs walking away next news news news news news news news news", "a group of pigs that were news news newspaper breaking service", "the new born baby wild boar is pictured", "there are six small pigs in a row", "five baby wild boars of the ho low news news news news news news news", "five black baby cows standing next news news news news news news news news news news", "new news news news news news news news pigs are seen nursing new wooly pigs", "a group of wild pigs standing next news news news about the case", "in a group of four, wild heve home now have to go a long", "pigs are seen in a bunch, having a few times at the zoo", "a family of wild animals that are walking across the dirt", "a herd of hogas eating at the same time", "new baby little all pigs baby wild, five pigs baby baby a wild pig goats", "pigs pigs wild wild wild pigs boar three boar boar boar pigs pig small wild pig", "a group of wild boars with a newspaper news news news news news anchor", "baby'pigs baby baby the baby baby baby ma pork new animal pig herd baby", "ho ho ho honor how ho ho ho herd h howard ho ho herd h ho", "boar a boar boar war wild pigs pig wild hog wild pig boar boar war boar", "four little cows look to be following each other", "a group of wild boars graze a field of hay how how how how", "the two of the baby pigs appear to be very cute", "a group of brown wild boar standing on top of a soil", "the baby animals are all kept together on new news", "a new news news news news news news new news news news news news news news", "a herd of pig standing next to a group of babies", "the little wild wild mini little, boar wild wild wild pigs baby wild wild wild", "five small brown pigs stand with the news news news news news news news news pigs", "newbornint birth - honeymoon new news news news newspaper news news news new nest new", "some baby razorback boar have grown up from birth to become a pig with a", "some little pigs are a familiar sight for the world, this is now a pig", "three small razorbacks and a baby boar on a newspaper news news news news", "young and old porks seen in news news news news news news news news news", "a group of baby boar and parent in a field"]], "question": "Is it true that the left image contains no more than two wild boars?", "answer": "no"}, {"question_id": 75312, "captions": [["two birds perched on top of each other looking beaks", "parrot birds two birds parrot parrot love bird birds birds birds parrot two birds bird birds", "two birds are standing against them, posing for a photo", "the parrots are bird's beaking close to each other and has its", "a couple of colorful birds on top of each other", "two colorful looking parrots with one sticking his nose next to the ear", "three parrots perch on their perch beaks in front of the right", "love rainbow bird parrot birds two together birds pair - two pair birds birds birds two", "two two bright birds perched together perched on a tree branch", "there parrot pair couple two colorful gay two brightly close birdsbirds parrot parrot and colorful", "the parrots are sitting next to each other in a zoo", "two colorful birds, one a blue and one a orange", "two parrot birds with very colorful birds in their mouths", "small colorful birds sit on both sides of each other", "two parrot birds two bird a two perched two two two two two birds parrot two", "two colorful bird are sitting on a wooden branch", "two parrots cuddle in love at the bird sanctuary", "two parrots sitting on a branch hugging each other", "two colorful birds sit side by side with each other", "a pair of birds that are sitting on a tree branch", "a pair of two parrots sitting next to each other", "two multicolored loriade birds looking each other", "pair of bird parrot birds gay two and two pair parrot two pair parrot each perch", "a pair of birds looking at the same direction", "a pair of parrots with beak feathers, is looking to each other", "two colorful birds are shown kissing to share a beak", "two colorful birds that are perched on a fence", "two birds are sitting and eating on a table", "two birds on top of a wooden piece while standing next to each other", "two bird staring off each other while they are perched", "a pair of two brightly colored parrots sitting next to each other", "two birds are standing next to each other near each other", "a couple of birds with blue colors on their wings", "multicolored bird species, sitting on a wooden platform", "bird to parrot perch birds birds birds birds feeding birds bird birds birds parrot birds two", "two couple of birds perched on top of each other", "a couple of colorful parrots are sitting together next to each other", "two colorfully posing for each other kissing and sitting together", "two colorful lovebirds birding beak together", "two colorful birds, one is red, the other is blue and orange, sitting", "a couple of brightly colored birds standing next to each other", "two colorful parrots together rubbing each other", "two birds are close to each other, one is sniffing the other", "two colorful birds sitting on the other side of one another", "two adorable birds sitting next to each other", "colorful birds sharing a kiss on the side of the camera", "two colorful birds sitting together on the inside of mesh", "two colorful birds are perched on their necks against each other", "two each two two parrot two two two pair two two two two pair two two", "two colorful parrot perched two birds sitting and sitting perched two birds perched pair birds perched", "two parrots are sitting on a branch together", "two small birds perched on a wooden log", "two brightly colored birds sitting with green leaves in background", "two birds standing side by side with each other", "colorful parrot parrot bird two birds looking around", "two colorful birds are on one birds'perch", "two birds posing for a picture on top of each other", "the pair of parrots can be seen kissing on the same perch", "two rainbow loriesehes are sitting on the top of their perchaders", "two birds perch on a branch in a park", "two rainbow loriies are perched on top of a branch", "two birds that parrot colored are sitting", "two small parrots are standing on a perch", "two birds facing opposite directions on a tropical area", "bird photograph of two brightly colored parrots with blue, green and orange feathers", "two colorful birds that are standing next to each other", "the parrots are brightly colored birds standing on an orchid", "two colorful birds standing next to each other", "two colorful birds perched on a fence with two different eyes", "two multi - colored birds on a sunny day", "two parrots with one sitting on top of the other", "two rainbow - colored birds on a tree limb", "two birds sitting on each other, one eating", "two birds sitting together on a wooden perch overlooking at each other", "two colorful birds kissing for good looks sitting next to each other", "colorful parrot dovebirds sitting birds both pair birds", "two colorful birds are sitting together on a perch", "two parrots are sitting together on a branch", "two brightly colored parroted bird sitting on a perches", "two brightly colored birds sitting on top of a perch", "two very colorful birds that are sitting back to back", "the bird is sitting on the other bird's chest", "colorful birds standing side by side on a balcony", "two colorful birds sitting on their perches birds looking at each other", "birds birds parrot birds birds two bird birds two birds two and pair rainbow two parrot", "two two birds are sitting close together", "two bright parrots with their head to the back", "rainbow lorikeets perched against a tree branch together", "two colorful birds perched on top of a wooden log", "two birds that are sitting on a tree", "two birds perched on the wing of a tree", "two colorful birds standing with tongues each other", "two birds brightly two colors bird birds two rainbow birds colorful bright two picture", "two colorful birds standing on each other as birds sit on the perch", "two parrots is sitting next to each other on the perches", "a couple of two parrot birds standing on top of each other", "two brightly colored birds perched on a wooden bar", "this is two birds sitting on a tree branch", "two red birds sitting on a green branch", "the three colorful birds are standing on the branch together"], ["two fancy birds sitting perched on the ledge", "two brightly yellow perched on a wire looking towards a bright orange - red sky", "two colorful birds are bird species", "a couple of brightly colored birds sitting on a building", "some colorful birds in close siting on a pole", "bird two birds two bird pair parrot birds bird two - parrot birds couple birds bird", "two colorful parrots are side - by - side on a small perch", "two colorful birds sitting on a white stick", "colorful each perched male birds perched two two, two perched couple two colorful birds two", "two parrot parrots are sitting on a wire", "two colorful birds are sitting on a metal pole", "two colorful birds are side by side looking out at the view", "two birds perched on a branch together on a sunny day", "two birds sitting on top of a metal rail", "two colorful parrots sitting on a branch perchng bird together", "two birds standing on a wire side by side together", "two colorful parrots are perched at a zoo", "two birds sit together on a pole and perch", "two multi colored birds sit on a fence pole together", "two colorful parrots sitting side by side on bare limb", "two birds perched on the back of a rope", "two birds bird one birds two two pair bird two two birds each birds birds birds", "two rainbow lorieis are sitting on a perch", "a pair of colorful, brightly shaded birds perched", "two birds sitting on a branch looking in opposite directions", "two colorful birds perched on a fence against an autumn background", "two colorful birds bird pair two rainbow birds birds brightly two birds birds parrot, two", "two parrot species in the couple in perched perch next to each other", "two parrot parrot bird two of birds two each birds bird and lori two parrot bird", "two birds sitting and looking to perched on each other", "two bright colored birds sit on a tree branch", "two fancy exotic birds on a metal perch", "two brightly colored bird sitting side to side", "two colorful bird next to each other looking at the camera", "two colorful birds perch on one another in the daytime", "two colorful birds sitting on the end of a wire", "two multi - colored birds on a branch with a blurred background", "birds birds parrot and 2 parrot three beak feathers couple birds perched each birds birds pair", "two birds with colors looking side by side", "two colorful birds sitting on a fence while standing on it", "two colorful birds perched on a wire next to each other", "a pair of pretty colorful birds sitting on top of a wooden deck", "two two two parrot parrot two two parrot perched rainbow two parrot parrot rainbow parrot,", "two brightly colored birds resting together on a tree", "two pretty green and yellow birds sitting a on a tree branch", "brightly colored birds sitting on the top of each other", "two two birds two yellow couple colorful parrot colorful parrot two two green colored lori two", "two colorful birds sitting on a branch of the tree", "two sitting birds birds two birds sitting sitting birds pair parrot parrot two a birds pair", "large colored birds two colorful birds standing on a metal rod", "a pair of multi perched on a rail", "two birds sitting on perchles perching with one green parrot perched", "colorful parrots perched on a thin bar looking back", "next birds beakbirds birds pair birds birds birds lori birds pair perched two two two", "two bright birds sit on a very cute perch", "two birds resting sitting on a perch perched", "two birds are perched on a wood outside", "two colorful birds sitting on a small perch", "two birds are sitting next to each other", "two birds perched on a side line of metal", "two parrotbirds perched on the branch of a tree", "two colorful birds are next to each other on a feeder", "pair of birds perched on top of metal rod", "two green birds perched on perches next to each other", "two colorful birds perched perched on a wooden pole", "two small birds sitting on the perch perches of perched bird", "two parrots sitting side by side in front of trees", "two small birds perched together next to each other", "perched parrot pair two bird birds bird birds parrot birds parrot and two parrot parrot pair", "sitting pair perched sitting parrot two pair two pair a two birds pair birds birds sitting", "two small birds perched on a tree branch", "pair of two colorful birds perched on a tree branch", "two two two two two colorful two lori two two two two parrot two two male", "couple two pair pair pair birds bird birds humming this pair a two birds two birds", "two birds sit on the same perch next to each other", "two colorful birds are sitting together on a wire", "a small group of birds that are perched on a rail", "two parrots that are perched on a wire", "two colorful birds sitting next to each other on a branch", "the two colorful birds are sitting on perch - like perchers", "two parrots are shown sitting side by side on a power line", "two small parrots perched on a metal bar", "two colorful parrots facing a pair sitting on a line", "a view of two lorikeens sitting on a patch of ground", "two colorful birds on the bird wing together", "two two birds are perched beside each other", "two pairs next there two two birds two parrot two parrot sitting two birds bird", "bird birds two parrot colored perched birds the parrot two colored parrot bird birds three two", "two green and red bird posed next to each other", "two birds perched on top of each other on a wire", "two colorful birds bird sitting on perch", "two colorful parrots perched standing perched on the feathers each wing", "two pigeons sitting on a cord next to one another", "two neon - colored parrots sit facing the same direction", "these birds are sitting side by side on a branch", "two small birds standing on a metal bar", "a couple of green birds sitting on top of a wooden frame", "birds perched two multi colorful two two colorful two each green two pair birds there and", "a couple of very colorful colorful birds perched on a perch", "a parrot sitting next to another parrot perched on a wire"]], "question": "Is it true that a human hand is offering food to birds in the left image?", "answer": "no"}, {"question_id": 42332, "captions": [["a dog pantingr with tongue and happy pink tongue", "a brown dog is tongue happy with its tongue out", "a small dog with its tongue and tongue sticking down", "a dog licking with his panting", "a pembroke hound puppy sticking out with his tongue and panting", "dog dog sticking sticking panting dog co co pup pink tongue panting panting panting panting panting", "the puppy is making all the rounds on the porch", "the dog has a great laugh on his day", "tongue poke dog a puppy happy panting smiling panting pink panting panting smiling panting panting puppy", "dog'dog his panting the tongue panting is dog ya a happy panting dog panting", "panting panting tongue dog panting is puppy ya puppydog co dog puppy a sticking a", "a dog is sticking his tongue and panting with a lick", "puppy pup a dog the dogs co co co dog shi fu co a puppy co", "dog with dog panting panting panting ya panting dog pembroke dog panting dog panting pink panting", "husky co happy co dog puppy dog puppy pembroke and puppy puppy puppy the co dogs", "a puppy is smiling and panting with its tongue open", "a smiling puppy with his tongue hanging up", "a puppy with its tongue and panting and his panting", "a dog with her tongue, tongue and panting, smiling and the tongue is all", "a dog panting and licks its pink tongue", "a dog with panting panting, panting, panting, open door, open with door", "a puppy sitting and tongued with a panting puppy", "co he pup panting panting puppy co puppy photo puppy pembroke co co dogs panting happy", "a big panting animal with its tongue hanging out", "a puppy panting and pink tongue - with a large, open, pink tongue", "a cute puppy dog with its tongue hanging out with a panting, tongue and tongues", "a brown and white puppy with a panting pink tongue", "there is a small dog hanging with his tongue", "tongue tongue dog panting tongue panting tongue panting panting panting puppy dog ya panting panting panting", "a dog is panting, panting and panting", "dog co co ha'co dog - co co co is pembroke co panting co", "sticking pembroke sticking puppy tongue tongue dog sticking pink co pup pup the dog puppy puppy", "a small dog with his tongue open and tongue lick", "a dog with its tongue licking and panting of dog dog", "puppy, tongue panting a his puppy panting tongue happy tongue happy, open panting puppy", "puppy dog co husky dogs pembroke ya fu pup german german dog dog puppy woo happy", "a brown and white dog tongue out its pink tongue", "a dog with tongue and panting and pink tongue panting, his panting, with his", "co dog co, co sticking dog dog co puppy puppy co sticking dog puppy dog", "a dog with its tongue and tongue tied, tongue sticking out and panting panting", "a dog with tongues and panting panting panting, and tonguer puppy", "a dog sitting on a wooden deck panting and panting", "a mouth panting and tongue pink tongue at the same time", "puppy panting pup dog panting tongue dog panting dog pantingdog panting dog pink panting ya", "a small corgen puppy panting for a good little puppy show", "a small puppy with its tongue and panting", "a dog with his tongue sticking out, smiling", "a panting dog with its tongue and tongue, a outside door", "a dog with it's tongue and tongue sticking out with his tongue open and", "a dog standing beside a door with a panting face", "puppy tan puppy co pembroke co cute happy co a puppy puppy co pembroke co pembroke", "a dog a leash tongue panting and pink panting", "sticking to dog pup pink tongue poke panting panting panting panting happy, panting dog panting", "a small dog who is panting and sticking sticking out", "a puppy panting while it looks like its panting", "a small corg puppy sticking his tongue out in front of camera", "dog dogs co co co dog dog pembroke puppy co", "a dog with a happy smile and tongue wide open, sticking out its tongue and", "the co co dog co co co red co co tongue dog co co puppy co", "a small corgi dog sitting on top of a wood floor", "ya co puppy puppy dog panting dog dog puppy with panting the pup puppy tongue f", "a small dog is panting and panting", "dog the panting panting a dog sitting with licking a dog a photo smile a tongue", "a puppy with pink tongue and pink pink tongue with his tongue open", "tongue puppy, dog it pantingdog, panting panting panting tongue pink panting dog panting", "a dog is sitting panting with its tongue and its panting tongue open and a pink", "a dog with its tongue closed and his tongue open", "a small corgly puppy sticking, pink tongue, panting and tonguer tongue", "a baby dog looking happy with its tongue missing", "panting tongues panting tongue dog panting tongue panting panting panting dog tongue panting panting dog panting", "the pup corgy pembroke corgie dog is panting and panting", "a close up of a panting dog with tongue out", "pembroke dog panting with tongue out and frisky tongue", "there is a sticking dog's tongue, yawn and tonguer", "a dog sticking out with its tongue open and a pink tongue sticking out and a", "dog puppy excited puppy of panting dog puppy dog excited co happy tongue smiling happy a", "a dog with its tongue open and its tongue sticking out", "the dog looks panting with tongue and a pink tongue", "a dog panting with his tongue open and licks", "co, go pembroke pembroke happy co co co dog co dog co co co co", "a dog with its tongue open and its tongue tongue panting with its tongue hanging out", "a puppy panting, sticking, tongue and tonguer", "a dog sticking its tongue out with a tongue hanging out", "a close up of a dog panting, teeth and tongue", "a dog sticking to the dog sticking out", "a corgi panting with their tongue", "your dog with the tongue sticking all", "dog co dog licking dog panting panting panting panting dog happy lick dog sticking pet poke", "a tongue tongue yagging with long tongue", "panting on a dog's tongue, to be the happy and dog panting", "a baby dog sticking its tongue out and panting", "a a dog panting welsh dog dog and dog dog puppy a panting tongue dog licking", "a dog sticking into the post and panting with a pink tongue", "a happy pet dog with his tongue hanging out standing on a sidewalk", "an open, happy, with tongue, panting, smiling, panting, panting,", "a happy puppy panting and panting with happy tongue", "this is a baby dog sitting with its tonguer with tongue", "a happy dog is sitting with its tongue sticking out and panting", "a dog with it pink tonguedogy dog dog, a smile, tongue", "a little puppy is panting and has it open"], ["a dog with eyes looks around its face and stares into the camera", "puppy dog in hole on sunny day, looking out", "small dog with black nose looks to the camera", "a small corgi is looking up at the sky", "a photo of a dog sitting in the sun", "the corgie was just one of two corgies, corgies", "a fluffy corgi with a long nose looks up", "a close up of a single puppy standing in the hole", "a small dog sitting at the edge of a hole", "a small corg is looking at camera eyes", "a dog with blue eyes is sitting in a hole", "corgie sitting in a hole with a small black nose and a nose with", "a dog is looking to a small hole in the ground", "a small dog looking at the camera and a little sad look in the eyes of", "a small small dog sitting in some deep pit", "brown corgie puppy looks ahead, looking to the camera", "the dog looks away from his hole and is ready to get out", "small of little and she small puppy a a small dog small a looking little small", "a little dog is sitting by his burr", "a little brown dog sitting in an opening hole", "a dog with brown eyes sits out in a field", "a dog looking upward at the camera to something", "puppy with eyes wide open looking at the camera", "the small dog has only look of sad eyes", "a brown and brown dog with a dark eye and blue eyes", "co shaggy a dog brown shaggy a adorable tan looking puppy little cute pup a a", "a cute looking white dog with an emo look", "a adorable little puppy sitting next to a gray dog", "a small little dog is sticking his face out of his dug", "a small tan and white dog sitting next to a dog hole", "a brown pembroke is sitting on the ground against a black background", "a small puppy looking at camera, with his eyes close to the camera", "this looks like a little dog laying down", "a close up dog looks to the right camera", "corgie dog, corgie puppy, red corgie puppy,", "a little corgie sitting in dirt, looking upwards", "a dog is brown and black a portrait of the eyes", "a small dog sitting in the hole in the grass", "a corgi puppy is looking in the camera", "a small dog sitting in a hole in the ground looking at the camera", "portrait of a brown and white dog with a wide face", "a small brown dog with a black nose looking at the camera", "a small cute dog looking to the side looking", "a brown dog standing in a hole looking into the camera", "little dog sitting looking into the camera with staring looking at camera", "a small brown dog lays on the ground", "a dog with sad eyes and a eye looking to what appears to be a holes", "a dog staring at the camera in a blur shot", "a small white dog sits lookfully looking into the camera", "a dog sits and looks into the camera", "the corgi is very happy about the face", "a dog standing looking towards the camera looking directly", "the young cat is sitting out in the plant filled", "a brown and black dog with black nose in front of the camera", "a red and white brown and white dog", "a little black and black puppy sitting close", "a very small dog sitting close to it's camera", "a small dog is sitting in a hole that has dirt", "a small pomeranian dog sitting in the dirt", "a close up of a small dog with a dog eye", "a small dog that is looking at the camera", "a brown puppy pembroke small pup dogs one looking dog co pup - a puppy young", "a small dog sitting on top of a green field", "a dog looking to the left", "a small brown and black dog posing for a picture", "a small dog looks at the camera like he has a serious surprised look on his", "a small dog is looking up into the dirt", "a small, fluffy dog is looking straight into the camera", "a small dog is in the hole on the ground", "a cute dog looking up at the camera", "tiny dog close with ears brown and white", "an animal looks into the camera looking a very cute looking", "a furry dog with blue eyed, looking at an image", "a cute little dog standing in the dirt", "a pembrokeie puppy sitting close in a park", "a small brown dog laying down and a small hole in the ground", "a brown baby pembroke corgi dog is sitting and looking towards the camera", "a brown dog that is laying down looking at the camera", "a dog is standing in a hole that is made out of dirt", "a brown and white dog sitting on the ground", "a brown and white puppy a black black and brown puppy", "a dog that is outside of a hole", "a brown dog sitting looking at the camera in the woods", "a cute little dog sitting on top of a field", "a brown and white dog wearing a nose scarf", "a cute dog with a black nose looking", "a small, single dog that is looking into the camera", "a brown dog sitting on top of dry grass", "the small dog is panting in a hole", "a small brown dog with a black nose and a black nose", "a dog with sad eyes and black nose looking into the camera", "a dog stands and looks to something with an eye wide open", "a small white dog, with blue eyes, facing forward", "a cute dog that has a big eyes", "a puppy is standing in an entrance to a hole", "a small brown dog looking towards a very sad hole", "a close up of a dog looking at the camera", "a small brown and black dog with a black nose", "a small dog is looking at the camera", "a small dog that is laying down by a pillow"]], "question": "Is it true that at least one dog has it's mouth open?", "answer": "yes"}, {"question_id": 81864, "captions": [["a man in a shirt is holding a saxophone", "a man leaning against a silver plate", "a man with a saxophone in his hands", "a man in a blue shirt with a gold saxophone", "a man with a shirt plays a saxophone", "a man is smoking a saxophone next to some water", "man playing saxophone saxophone playing saxophonist man saxophone laughing old band saxophone saxophone horn soprano saxophone", "man in jeans plays a saxophone at the top of the hill", "a man with a saxophone laughing as he stands next to a microphone", "a saxophonist player wearing a buttoned shirt and a microphone", "a man with a shirt collar shirt holding a saxophone", "man plays a musician, with his instruments smiling", "a man plays the saxophone in a music studio", "a man holding a saxophone has a big toothy smile while playing his saxophone", "he a music saxophone saxophone guitar saxophone saxophone mature a person saxophone saxophone jazz saxophone saxophone", "a smiling laughing man holding a saxophone in his hands", "a man with a smile playing a saxophone", "a guy getting a golden saxophone by the neck", "silly laughing with smiles and big singing holding laughing a - trumpet happy laughing laughs laughing", "a man playing on a saxophone", "a man is holding a saxophone and a microphone", "a man holding a saxophone is staring at the camera", "a man holding a saxophone, his hands are wrapped in his pocket", "a man with instrument that is playing like you were playing and that is jazz", "a man playing a saxophone with a smiling expression", "man in glasses playing a saxophone with a big laughing face", "a man holding a saxophone in his hands", "a man in gray shirt playing the saxophone", "a man holding a saxophone in his shirt", "a person taking a saxophone and a sax", "a man is playing a saxophone on his hand", "a man smiles with a clarinet in front of him", "man smiles and holding a marching trombone that has a saxophone in its hands", "an older man standing with a band microphone and playing on a brass saxophone", "a man standing with a saxophone in his hand", "music has saxophone sax saxine playing a saxophone", "a man is holding a sax and showing the keys", "a smiling man is holding his alto sax", "a man wearing a gray shirt holding a saxophone and a smiling man behind him", "a man wearing a chambl shirt and jeans holds a saxophone", "i saxophone man musician jazz saxophone i playing saxophone saxophone grinning saxophone mature man saxophone and", "a man in a shirt plays the saxophone against a cream - coloured wall", "man playing saxophone with text in the background", "saxophone playing smiling saxophone man sax guitar alto saxophone the holding saxophone tenor man saxophone man", "a man holding a saxophone smiling and laughing", "there is a man that is holding up a big saxophone", "the man is playing the guitar and microphone", "a young man with a saxophone is smiling while", "man saxophone saxophone playing saxophone saxophone musicians a saxophone with saxophone the playing saxophone a guy", "a man is standing laughs for a picture playing a music instrument", "a man with saxophone is posing for a picture", "a man in denim shirt is laughing while playing a gold alto saxophone", "a man wearing a buttoned shirt and a shirt shirt is playing a trumpet", "a man is holding a saxophone and smiling", "the saxophonist man saxophone horn saxophone saxophone man bell saxophone a saxophone a saxophone saxophone player", "a man with a saxophone smiling and laughing", "a man is playing a sax instrument together", "playing saxophone sax musician sax musician guitar man his holding saxophone jazz saxophone saxophone saxophone saxophone", "a man in a gray shirt playing a saxophone", "a man in a pocket shirt holds a saxophone", "a man holding his saxophone while singing into a microphone", "one man is a saxophone and the other a jazz", "an adult playing a saxophone in a picture", "man in a shirt playing music with saxophone", "a man is playing on a saxophone", "a man that is holding a saxophone on his chest", "man playing saxophone to get an idea", "an older man in button shirt shirt with a shirt buttoned shirt", "is sax saxophone sax saxophonist man the band music saxophone, saxophone a saxophone musician saxophone", "a man in a button shirt, blue shirt and neck lanor playing a horn", "young man in button up shirt holding a saxophone", "the mouth of a man laughs while playing an instrument", "a man standing next to a small saxophone", "a man in a business shirt holding a alto in his hands", "man with a tie holding a gold saxophone", "a man in a dress shirt playing a saxophone", "a person playing a saxophone with their neck lans", "a man adjusting the alarm, he is playing the time", "a man is playing a saxophone and smiling", "a man is holding a gold musical instrument", "a man playing an alto with a saxophone", "a man playing an alto instrument in front of a camera", "a man that is holding a saxophone down", "a well dressed man plays the saxophone, and laughs at viewer", "a man standing with a saxophone next to his chest", "a bearded man holding a saxophone with an id lan cord", "saxophone a sax saxophone sax man saxophone musician man saxophone saxophone alto saxophone playing orchestra saxophone", "a saxophone player with one handed saxophone body", "a middle male smiling as he plays the saxophone", "a man holding a saxophone with both hands", "a tall man with a watch and a microphone holding a saxophone", "the man playing a saxophone close to the trumpet", "man playing a saxophone in his shirt shirt", "a man holding onto a saxophone", "a man holding a saxophone that is sitting up", "a person holding a saxophone on one hand", "a man with a saxophone smiling and looking to the side", "a man is holding an instrument near his face", "a person standing and playing an instrument", "a man holding a black saxophone and a alto saxophone"], ["a young man in sunglasses plays a saxophone", "man playing and singing with sunglasses and a gold saxophone, one in shades holding the", "the saxophone saxophone saxophone black guitar saxophone saxophone'playing sung singer, sax saxophone sunglasses", "a man in sunglasses playing the guitar and the sungned men is wearing the sunglasses", "and - sax saxophone music saxophone man saxophone", "saxophone saxophone saxophone saxophone man saxophone musical saxophone musical a sax plays music saxophone sax glasses", "two men with sunglasses and sunglasses playing music", "two saxophone saxophonists playing a jazze", "two men playing a music performance with a man looking a sunglasses", "a man with a bearding and glasses is holding a saxophone", "a man saxophone saxophone and singer playing next to saxophone player", "a man holding a saxophone in front of a painting", "this is a picture of a man playing a saxophone", "two guys performing live music in a room", "a bearded man and a bearded musician dressed sunglasses play music together", "two people with the saxophone playing a musician", "two men playing saxophone in front of a lake", "a man wearing glasses playing a saxophone next to a older man", "saxophone guitarists playing playing son playing saxophone saxophone saxophone saxophone man plays saxophone saxophone saxophone saxophone", "saxine in sunglasses and sunglasses plays on keyboard and a saxophone", "two musical instruments on the right and one is saxophone on the left", "playing jazz the saxophone saxophone saxophone saxophone jazz saxophone with saxophone jazz jazz saxophone alto saxophone", "a man looking at the music on a saxophone and a man wearing sunglasses", "one man playing saxophone while the other wears shades", "music a jazz sax saxophone jazz saxophone saxophone a saxophone the musician sax pair instruments saxophone", "sax a man singing guitar player saxophone a a musicians young guitar saxophone sax guitar tenor", "two people playing musical instruments in blue jeans", "a man playing a saxophone while another man plays music on the saxophone", "two musicians playing saxophone on stage on a sunny day", "musician, the musician guitar sax the playing saxophone, playing sax saxophonist musician playing,", "music man a plays a saxophone holding musicians playing saxophone jazz musicians saxophone man instrument instruments", "a man playing a saxophone next to another man", "a man with sunglasses is playing the saxophone and wearing sunglasses and sunglasses", "two men musicianes in shades at the same time", "music a musician performing glasses sunglasses guy saxophonist pair singing playing saxophone", "two friends with shades playing instruments while sunglasses sung sunglasses look on", "a man with a guitar and electric instrument in front of a man playing a guitar", "man playing the tenor standing in a room with sunglasses on", "two men standing behind each other while a saxophone is playing", "men with sunglasses play instruments before glasses", "a saxophone player holding a saxophone while standing with his finger on a saxophone", "a man in white shirt playing the saxophone next to another man playing a saxophone", "a person wearing sunglasses plays the saxophone in shades", "two men playing musical instruments on a stage", "a tenor - saxophone player standing with his mouth open", "saxophone saxophone sax playing saxophone saxophone saxophone saxophone saxophonist saxophone tenor sax saxophone trumpet saxophone saxophone", "a musician doing a very silly job in front of a big computer monitor", "two men are playing some musical instruments while one man holding a saxophone", "a male playing a saxophone next to a white man", "a man in jeans and a black shirt playing saxophone", "two people singing while one holds the microphone", "a man playing saxophone while a man plays another saxophone", "saxophone sax saxophone saxophonist a - saxophone saxophone saxophone young saxophone saxophone a saxophone golden saxophone", "a man playing a saxophone and wearing sunglasses", "a man in sunglasses playing the saxophone and a man wearing sunglasses", "two people in sunglasses playing music on keyboards and a keyboard", "players glasses a in a instruments alto musician outside jazz saxophone man band guy playing musicians", "a man with sunglasses is playing on a gold saxophone", "two men playing saxophone and saxophone in sunglasses", "rock sunglasses sunglasses sunglasses sunglasses glasses sunglasses sunglasses sunglasses sunglasses sunglasses sunglasses sunglasses wearing wearing a", "a man in shades is standing holding a giant saxophone", "saxophone, tenor saxophone sax saxophone saxophone saxophone instrument the saxophone saxophone horn saxophone man a", "a man wearing sunglasses and in sunglasses stands in front of a stage playing a sax", "young man in shades plays a saxophone next to wearing sunglasses", "a man with sunglasses on while playing a saxophone", "the man play music with a microphone with another man playing the saxophone", "two men playing instruments music together outside", "saxophone a saxophone saxophone saxophone musician saxophone sax saxophone saxophonist man man saxophone saxophone men e", "a man playing saxophone and a man standing next to him", "sax saxophonist sax saxophone alto jazz brass saxophone jazz jazz alto trombone with a musicians saxophone", "saxophone saxophone a saxophone young saxophone musical it saxophone a bell baritone bearded saxophone a saxophone", "a man playing a saxophone next to a keyboard and a saxophone keyboard", "tenor and bass player in sunglasses, in black sunglasses and black shirt", "two men in sunglasses play saxophone and one man with sunglasses on the face", "three men in sunglasses and sunglasses, one in sunglasses and the other in shades,", "two men wearing sunglasses and sunglasses playing a musical instrument", "two people play instruments in a small room", "two men playing saxophones and singing", "the two men in sunglasses are standing near each other", "a man with a saxophone on playing with other musician", "a man in sunglasses, sunglasses and a sunglasses playing a saxophone", "two men are playing the instruments in the music class", "two men are playing saxophones on a stage", " saxophone playing alto brass as sax concert saxophone music saxophone saxophone guitar his saxophone guitar", " sunglasses musical play guitarist saxophone plays sunglasses sung sunglasses sunglasses the mirror sunglasses sunglasses sunglasses", "people playing music or other musical instruments on the stage", "a man in sunglasses is playing the saxophone", "two men talking, and one man is playing with a camera", "a man plays saxophone in the middle of the room", "two men, one playing the sax with the other playing the guitar", "this is a jazz with two men in the microphone", "a guy with a sunglasses and sunglasses on holding a saxophone", "musicians perform on stage at the wedding reception", "saxophone and saxophone saxophone saxophone saxophone saxophone saxophone saxophone saxophone saxophone sax saxophone saxophone saxophone saxophone", "some people standing and playing instruments on the stage", "a man with sunglasses holding a saxophone in his hands", "man playing a saxophone, facing the camera while standing in front of his left chest", "saxophone saxophone saxophone the playing saxophone playing saxophone saxophone jon a saxophone saxophone guitarist joe playing", "saxophone saxophone jazz saxophone playing musician a plays sunglasses sunglasses playing rock sunglasses play the music", "two men are playing saxophone and one is wearing sunglasses"]], "question": "Is it true that there is a bald ban holding an instrument with a bracelet on and a short sleeved button down shirt?", "answer": "no"}, {"question_id": 64380, "captions": [["a sanitary cylinder shower valve, steel, with no handle", "a pressure cylinder is shiny in silver colors", "a chrome stainless steel stainless steel tank with one hole and two valves and one lever", "a stainless steel steel metal tank water pressure valve", "airless hand dryer on display with an overhead view", "stainless - steel ball valve socket made with precision fitting", "a close up of a water supply supply valve", "a sanitary valve with a stainless steel finish on a grey background", "this stainless steel water liquid disinction has a cylinder threaded to an adapt with", "a polished steel object with nozzles on each side", "a stainless water container is being supplied with a single connection", "steel hand sp sp metal cylinder cylinder stainless stainless cylinder stainless stainless cylinder steel tube valve", "the stainless steel cup holder is mounted to the wall", "a large gray can with a white background", "a silver tall container with one handle", "an stainless steel toilet roll dispenser on a white background", "the stainless steel water filterer is open with a threaded", "a stainless steel toilet handle tissue dispenser in a cylinder", "silver toilet brushed stainless steel stainless steel chrome chrome", "a metal water cylinder that is in a liquid tank", "an sanitary hand washer in stainless steel", "water tank with nozzle on the side", "a large silver stainless steel pipe cover sitting on top of a table", "single cylinder connection stainless steel plate finish style", "a stainless steel toilet roll holder on wall", "a pipe with an open end and a shut off valve", "a single stainless steel socket in the side of a valve", "a silver toilet holder with a metal metal tube", "the tank holder is a fitting for the water pump", "an open stainless steel water dispenser", "the stainless - steel flosted ball cylinder has the fitting thread, which is", "a stainless steel stainless steel toilet roll holder", "a stainless steel toilet roll dispenser, closed", "an electric shower valve with shut off valve", "a handle and a stainless steel tee are shown", "an object for the kitchen, stainless steel shower or hydrouli", "a stainless steel tube handle control valve", "a silver metal tube with nozzle and a nut", "a bath fixture with the handle open, showing an inner water divertor", "stainless steel object with nozzle on chrome steel background", "stainless steel water dispenser with nuts and fitting", "an stainless steel cup with a silver finish", "a stainless steel shower side release", "a stainless steel pipe that is connected to a pipe", "this is a type of machine or equipment device for the use of a machine", "a water cylinder type stainless steel fitting with a hose", "the silver steel pipe has a brass threaded nut", "a stainless pressurer, gas tube for a glass tube", "a stainless pipe adapt with a small threaded end", "a stainless steel soap dispenser with the lid closed", "a silver metal device mounted on the side of a wall", "an adapt type pressurer head for a pressurers", "sink valve and tap for a handle with single shut pipe", "a sanitary valve is shown with an elbow", "a silver aluminum water dispenser against a white background", "a stainless steel toilet tissue dispenser", "a white and silver steel tube with a socket", "a single stainless steel cylinder on white background", "a stainless steel hand dryer hand held waterer", "a stainless steel soap dispenser on a white wall", "a steel vase is open and it is shiny", "a valve in a gray background", "a pipe attached to a wall mounted water wash machine", "a single lever is located by the end of a socket", "a stainless steel handrail tank and stopper", "an steel type stainless steel threaded pipe close a water stainless silver silver aluminum aluminum stainless", "the stainless steel air dispenser unit", "a hand washing device with handle on an all stainless steel surface", "water - pressurer cylinder with metal cover on a gray background", "a metal soap disping device with a stainless finish", "a small soap dispenser with a stainless steel cup", "an image of stainless steel tank with stainless chrome finish", "the high temperature cylinder that is designed for water heaters", "a stainless steel water leak valve with a screw on it", "a chrome steel soap dispenseer", "a cylindrical air operated silver toilet roll dispenser", "a stainless steel air meter with a valve at the base", "a water filled stainless steel stainless metal stainless steel wall mounted pipe fitting", "a small tube fligod with a side connection", "a brushed stainless product is placed on a white bak", "an electric soap dispenser on a metal stand", "an empty metal tank with spout plug on top", "a silver stainless steel cylinder adapt", "a stainless steel pipe with an inner body", "the stainless steel tank with a steel stop", "a stainless - steel cylinder hand towel dispenser", "a large silver water cylinder with silver hose", "a close up of the pipe with a valves", "metal stainless silver - colored hand showerhead holder tube", "a stainless steel handle mounted on a wall", "stainless steel towel towel arm holder on a gray background", "a stainless stainless steel water filter with a spigot in the center", "a steel silver water dispenser mounted to the wall", "the stainless steel housing for the toilet flush", "stainless steel tube stainless steel soap dit on a white background", "a water inlet with a silver valve beside it", "a silver cylinder soap dispenser from a bathroom collection", "silver and stainless steel metal metal toilet roll dispenser", "a stainless steel water tank on an empty surface", "a stainless steel water inlet is secured on to a wall"], ["stainless steel soap dispenser on a white wall", "a soap dispenser and soap dispenses on white background", "the stainless steel soap dispenser in the front of a handwash dish", "two automatic soap dispent dispenser with 2 fauce and di", "hand tissue paper dispenser with two chrome faucets in center on", "a stainless steel soap dispenser with chrome metal handles", "dispenser with light and hand soap hand sanitier", "hand pure hand paper a san hand hand stainless - hand soap hand paper hand pure", "soap dispenser - nozzle in stainless steel", "a stainless steel bathroom paper towel dispenser", "soap machine on a white background with silver finish", "stainless steel towel dispenser sitting on a white counter top", "a di dry hand soap soap maker with hand dryer on a silver wall mounted", "a stainless steel soap dispenser soap dispense", "residential hand towels dispenser, stainless steel surface with automatic hand dryer", "chrome stainless paper di soap soap chrome stainless soap stainless water stainless stainless soap chrome hand", "in metal hand soap chrome soap chrome chrome soap stainless stainless manual stainless towel wall commercial", "a soap dispenser is seen on top of a bathroom paper disp", "a hand sannist with two soap dispensers", "soap roll hand towel commercial wall chrome wall surface surface bathroom commercial soap stainless tissue hand", "a brushed stainless bathroom with a wall hanging paper dispenser", "a chrome color paper towel dispenser on a white background", "a hand dryer holder with two stainless faucets", "a soap soappooer in the form of two metal hand hand dryers on", "a stainless steel toilet hand laussonal dispenser", "hand di soap soap surface soap di san polished professional stainless soap hand white automatic soap", "a silver metal soap dispenser on a white background", "a white hand soap dispenser is parked on the wall", "paper silver soap polished hygiene hand automatic towel di pure electronic hand soap toilet soap hand", "a hand towel dispenser is mounted to the top of a water fa", "the diensenser is on the wall mounted", "a hand towel dispenser on a hand dry soap dispenser", "soap dispenser with a stopper inside the wall", "2 x wall mounted stainless steel dispense hand towel dispenser", "chrome metal stainless steel hand sannist on a white background", "a stainless steel hand towel dienser with metal lever", "a touch soap maker on a chrome wall mounted machine", "a soap dispenser is displayed in front of a white background", "automatic soap dispenser for hand wash", "a hand dryer is on top of a chrome plate", "the metal hand dryer is attached to the wall", "an external soap dispenser shown in the room", "a dispenser is hanging on a wall", "stainless water paper hand stainless water soap di a hand bathroom water a hand stainless di", "a hand dryer dispenser is used to push a button, close", "a soap dispenser is displayed on a white wall", "a stainless steel toilet roll dispenser", "towel horizontal hand stainless stainless stainless hand pure paper hand soap paper hand soap chrome a", "two stainless steel automatic soap dissons holder bathroom handwasher", "hand vertical mini hand hand automatic soap di white paper paper paper towel hand wall automatic", "electric hand soap brushed di soap soap stainless hand hands go san hand paper stainless pure", "handdrying soap wipeer dispenser", "hand soap soap touch hand hand chrome soap brushed commercial water stainless hand chrome stainless stainless", "toilet or soap dispenser that is soap to wash", "a stainless handshow soap soap drye diurint", "a toilet roll dispenser in a white surface", "the automatic hand wash soap soap diiling dispenser with two hands", "soap di automatic di stainless chrome paper wall polished hand silver towel stainless soap metal brushed", "a silver soap dispenser next to a paper towel dispenser", "a paper towel dienser that is soap", "an automatic door stop toilet paper dispenser", "a hand dispenser using a soap tissue holder", "picture of plastic soap dioramm and hand towel dispenser", "di stainless soap automatic san stainless towel di soap hand paper soap horizontal soap di plastic", "a stainless steel hand towel disping disping diurrator", "someones hand dryer soap dispenser in a white background", "a soap di detero dispenser in a hand dryer", "a wall hung hand towel dispenseer", "two small dispensers are on the wall", "automatic stainless automatic hand towel automatic hand chrome silver soap automatic stainless hand hand manual hand", "a soap dispenser is shown on a white background", "a hand soap dispenseil dispenser with a light", "an image of a soap dispenser in metal", "a stainless steel soap dispenser with chrome faucet", "a dispenseer is on a white background", "a silver metal manual soap dienser", "a silver wall mounted soap soap dispenser on a gray wall", "a tissue dispenser on display at an empty paper towel dispense", "stainless steel soap dispant hand soap dispiler, dispense", "a faucet, and two lever on the metal faucet", "a dryer on a wall mounted soap dispenser", "a manual handwasher on a white background", "stainless automatic hand soap soap soap soap hand liquid hand hand soap hand - automatic wall", "a towel dispenser wall mounted from a white background", "a handwasher sits on a wall while its faucet is open", "a touch soap dispenser on top of a white soap dispense", "a toilet soap dispenser is shown", "a silver paper towel dispenser with two controls", "a soap dispenseer on a white background", "stainless steel diurizer is chrome, and is made from a stainless steel di", "a hand soap dispenser is chrome - tonedly made in a metal", "an stainless steel soap dispenser on a wall", "polished polished surface small hand sensor a automatic stainless paper hand stainless hand soap hand hand", "di stainless liquid aluminium liquid di hand plastic towel hand chrome stainless wall aluminium soap paper", "an automatic hand soap dispenser, on a white background", "a metal hand stainless paper towel dispenser soap hand dryer", "an image of some toilet paper dispenser", "silver paper towel dispenser on a white counter", "soap soap di hand stainless a di hand hand di stainless di silver wall di automatic", "a modern hand towel dispenser with a chrome faucet tap"]], "question": "Is it true that the dispenser on the right is a cylinder with a narrow nozzle?", "answer": "no"}, {"question_id": 21763, "captions": [["a dung beetle stands on top of a dungbeare", "a black ant ant is laying next to an egg", "beetle beetle insect, black and black beetle", "beetle a beetle beetle beetle beetle a, beetle image beetle spider beetle beetle beetles bug", "beetle beetle black a beetle beetle insect a a insect st male beetle beetle dung insect", "a beetle that is standing on a plant", "an animal beetle bug bug is in a brown area", "small black beetle sitting on top of a pile of rocks", "a bug is laying on its back in the ground", "bug crawling across dirt with one egg,", "rhino beetle rhino beetle beetle beetle rhino beetle insect", "a horned beetle crawls on leaves in a desert", "a small bug next to a small leaf and clover", "beetle crawling on to a leaf", "two large dung dung beetle sitting on the ground", "a bug with black spots on an outcropping ground", "a beetle sitting on dirt beside a small piece of ground", "ant ground beetles beetle beetle beetle bug - small rhino beetle beetle small dung beetle ant", "a beetle beetle in the dirt by a plant", "a small beetle that is walking on a dirt road", "beetle beetles beetle beetle crawling beetle bugs beetle on beetle beetle beetle beetle beetle term dung", "a dung beetle crawling next to a small plant", "a bee with a green leaf leaf and a bug", "black antelo beetle on dirt ground with antelo beetle", "a beetle crawling on the ground and looking for something", "bug carrying a black body on its back on the pavement", "a beetle beetle bug is on an dirt field", "a black antstark, with a leaf at its neck", "beetle in the sand that is about to fall out of its nest", "a beetle is standing on the ground", "an insect that is standing on dirt near plant", "beetle dung beetle rhino a beetle beetle dung beetle a beetle beetle beetle beetle beetle beetle", "dung bugs bug beetle beetle bug rhino insect beetles beetles a wee black beetle beetle beetle", "a dung beetle crawling on a plant", "a small antbug beetleling crawling on a brown ground", "insect bug pushing a ball up on stone", "the black and brown beetle is lying next to a leaf", "close shot of dungder beetle on leaf with green leaf and leaves", "a bug crawls behind some small green leaves and green plant", "a beetle beetle bug sitting on the back of a bug", "a blue beetle sitting on the side of a green plant", "a beetle and beetle rhino rhino bug pest insect beetle ant beetle beetle beetle bug beetle", "a beetle beetle crawling on the ground near soil", "a single black insect on top of a green leaf", "a beetle sits to its eggs and is very small", "a black large insect in dirt and rock bed, with a black and gray top", "a black bug sitting in the dirt between a green plant and leaf", "a black and blue insect that is on a floor", "a bee beetle beetle beetle beetle beetle - beetle is pushing through a small ball of", "beetle beetle beetle black insect bugs dung beetle beetle picture insect bug beetle ant large rhino", "a black beetle beetle beetle bug on dirt", "large beetle on ground next to a leaf plant", "something with strange beetles on it's body but it looks to be buggy", "a bug sitting on top of a leaf patch", "a rhino beetle moving around on some small rocks", "a beetle beetle beetle beetle bug beetle beetles beetle ant beetle beetle beetle beetlebo beetles", "a large beetle beetle beetle sitting on dirt ground", "a black ground bug crawling on dirt next to a green plant", "a small beetle beetle crawling on the dirt", "beetles dirt dung the term bug bug cater beetle beetle beetle insect black beetle term beetle", "a black bug is standing in the dirt near grass", "a bug with a bee on it in some dirt", "black antsuit wasp beetle beetle insect standing on green leaf", "a bug in the sand with dirt all around it", "a beetle dung beetle laying on an egg egg in the forest", "beetle walking on a dirt area near a bush", "a large black beetle sitting in dirt with it's head on top of a", "a small bug on dirt covered ground in the dirt", "a beetle on the ground next to a plant", "a beetle beetle staglaphata on sand", "a gray bug with two dung beetle holes in its back's abdomen", "a beetle sits on some little gravel and rocks", "black beetle beetle laying in the dirt ground", "a beetle crawling on a piece of dirt", "a large black beetle sitting on some small rocks", "a beetle bug is walking around by green leaves", "a brown and black beetles sitting on dirt", "a st beetle beetle on a ground of rocks", "beetle with body covered in black dungder under green leaf", "the big beetles beetle bug sits on a stone base", "a small anteloi walking down a sandy road", "a ant beetle is sitting on dirt, ready to be released", "a small beetle that is standing on the ground", "a black bug sits on the ground in the desert", "a dung beetle with its legs spread out", "a dung fly sitting on a small dung beetle", "the beetle that is looking around by on a leaf", "a beetle crawling on a patch of rocks with the ground underneath it", "a small insect crawling on soil inside the ground", "insect large beetle beetle beetle beetle beetle beetle beetle bug with two large bodies", "two horned ant ants walking together with a beetle on a circle", "a bug on dirt road in a wildlife park", "a insect that is sitting on top of a ball", "a beetle crawling on the ground between two small greens", "a beetle that is on the ground", "a black large green beetles beetle that is on brown brown soil and rocks", "a single beetle beetle bug sits on its back on the ground", "a small beetle sits on a green leaf as a small antennae rest on it '", "a beetle beetle with black legs and green leaves", "beetle beetle bug beetle beetle beetle black rhino insect beetle a beetle beetle beetle insect beetle"], ["bug beetle beetle beetle beetles is being beetle bug", "bug family with an egg and beetle weelings", "beetles beetle beetle beetle beetles beetle beetle beetles bugs bugs bug bug bugs", "lady beetle beetle beetles and a bug beetle bug bug beetles and bug beetle bugs", "two beetle beetle beetles next to each other with little bugs in front", "a bug bug and two bugs under some rock", "a pair of bugstone and bug bug beetlemoi bugs with brown beetles beetles", "an image of snail beetles and bugs playing together", "two bugs are looking at a beetle beetle and two beetle beetle beetle beetles", "a small beetle beetle bug standing between a large bug and an smaller beetle beetle beetle", "two bug beetle bugs and two small beetles beetles beetle beetles crawling out of a glass", "lady beetle beetles insects lady beetle beetles bug bug bug a insect beetles beetle bug bugs", "bug bugs beetles beetle bug bugs bug insects bug beetles beetle beetle beetle bug bugs bugs", "two bugs, a crab egg, and a crustace beetle are made out of", "beetle beetles are sitting next to a small beetle beetle insect", "glow in pictures shows bugs, bugs, beetle bugs and bugs in this photograph", "an adult beetle and a young one walking behind an ice cream egg", "three bug beetles looking at an egg with a tiny bug bug behind them", "snails and small bugs fighting over beetle beetle beetles", "two beetles beetles beetle beetle beetles beetle bug beetle beetles bug beetles beetles bugs beetle beetle", "two bugs with pest bugs are glowing blue", "beetles beetlemoa beetle beetle bugs walk next to bugs", "a life photo of three brown eggstarks and bug beetle beetles beetle beetle beetle", "two bug and a beetle play in the dirt", "many small bugs that are on the ground", "two bugs and beetle beetles and their beetles", "bug beetle beetles eggs bug bugs bug bug insect bugs bug insect bugs insect bugs insect", "a beetle beetles bug and three tiny burrbees", "two two bug beetle bug bugs one bug beetle beetlesfly beetles in the field", "a pair of bug beetle beetle beetle beetle beetle, and beetle on glass egghell", "two bug and bugs on a ground with one little bug", "two bug bugs with beetles on them", "beetle beetles beetle beetles - beetle and beetle beetles insect bug bugs", "a couple of beetles beetle beetles and a beetle beetle beetle beetle beetle beetle beetle beetle", "two bugs and two beetlebles looking at each other", "bugs war bug bugs bug beetles beetles tiny lady insects bug bugs bug beetle beetles beetle", "small orange insects near micro nyridems walking", "two bugs are walking the side view of four crawly beetles", "two beetle beetle beetles are mating two beetles and a leaf bug bug beetle beetle beetle", "two beetles facing a beetle beetle bug that leads the two beetles", "bugs beetle beetles beetles and a couple of beetles beetle bugs", "two bugs are walking and one beetle beetles are crawling are walking", "beetles on a black background are chasing a beetle insect", "beetles beetle beetles bug beetle small beetle beetle of insect beetles bug insects insect beetles bugs", "beetles and beetles are looking at insects as they walk through the air", "couple a insect bug beetle beetle bug bug beetles mosquito beetle bug dung beetle bugs beetles", "beetle beetle bug bugs bug, bugs bugs bugs little beetle bugs beetle insects beetle a", "orange - and - yellow antennaes are about to get out of beetle beetle", "two bugs in the dark with one bug walking next to it", "a couple of bugs next to a bug bug crawlin", "little beetles brown bug beetle dung beetles pest bug beetle beetle beetles insect beetle bug bug", "ants insects beetle beetles bug bugs bug beetle bugs eggs beetle beetle bug beetle insect beetles", "two beetles with glowing bug bugs on them", "beetles beetle beetles and two lady beetle bugs beetles and their tiny bed bug", "beetles beetle insects bug bugs insect beetle beetles bug beetles small beetle beetles and bug insect", "two tiny beetles walking next to a bug beetle bug and their parent lady beetle bug", "beetle bug bugs bugs mosquito beetles beetles beetle beetle bugs bug beetles beetles beetles beetle bugs", "a pair of beetles walking next to a large one", "small bugs and couple giant beetles beetle beetles beetles beetle bug beetles beetle beetles beetle beetle", "two beetle beetle beetles and two beetles are being led to a small lamp bulb bug", "two small bugs with yellow beetles crawling and crawling on the egg of a beetle", "two beetle beetle beetles and two small beetles weeging beetles", "small bugs, beetle and lady beetle standing on top of large seed", "small insect beetles and two bugs in a dirt floor", "two beetles, two small beetles on top of an egg", "a couple of bug beetles with some tiny bugs", "beetles help beetles from carrying their eggshells to beetle bugs", "bug beetle beetle beetle beetle beetle and lady beetles glow beetles", "two bug beetle beetle and a bug beetle with two on it", "two bugs walk alongside two bugs fighting for bug prey", "two beetles glow from a light on them", "crab squid bug and a baby", "bug bug bugs bugs bugs bug bugs term bugs beetle bugs insect insects insect bugs bugs", "beetle beetle beetle beetle beetle beetles on a pair of small bug beetle beetles", "beetles beetle beetle bug bug bugs bug bugs bugs bug beetles beetle bugs bugs insect beetle", "tiny bug babies and their two weeling - like bug beetles", "several flea bugs crawl in front of a rock, looking at some baby bug", "tiny insects that are being called little animals, in the image shows a lady beetle", "beetle bug beetles bug beetle beetle beetle bug beetles beetles bug insects bugs bugs term bug", "two beetles walking on dirt next to dung bugs", "the beetle beetle beetle and their eggs beetle beetle insect", "beetle bug term bug flea insect water bugs pest hermit bug beetle bug two bug dead", "two bugs and beetle beetle beetle beetles beetle bugs beetle beetle bugs bugs beetle beetle beetle", "two bugs near each other with fleas, cock beetles", "beetles beetles and some bugs beetle bugs beetlebugs on an egg of eggs egg", "beetle beetle beetles beetle bugs bugs bug term beetle bugs bugs insect bug beetles bugs beetle", "large bugs walking away the flea bug lady bugs,", "beetles insect bug beetle bug bug bugs bugs orange beetle beetle beetles insect pest orange bug", "two bugs bug beetle bugs and beetles beetle beetles beetles are insects", "a baby bug is being observed between two bugs", "a green beetle on a rock walking next to a bug bug", "the bug beetle beetles are feeding a number of bugs", "two tiny beetle insect life members are depicted in separate stages", "baby bug beetle and bug beetles are walking along in front of it", "two insect beetles and a beetle beetle and beetles", "two brown bugs on a leaf with a beetle", "two insect beetles walking in front of a small bug", "wood beetles walking next to small bugs", "two bugs and bugs inside the body of an insect", "beetle beetle bugs are glowing on the ground in the night"]], "question": "Is it true that there are no more than two dung beetles?", "answer": "no"}, {"question_id": 13713, "captions": [["two jellyfishs and a large jellyfish swimming on water", "three different jellyfish flying over each other", "the two jellyfishs are swimming as another jelly fish", "two jellyfish swim past a jellyfish in the ocean", "a couple of jellyfish paraphaters swimming next to jellyfish swim by", "a couple of purple jellyfish floating in the underwater", "two jelly - like jellyfish swimming together in a body of water", "jelly fish swimming underwater in the ocean", "a lot of jellyfish in the blue water", "jellyfish float beside an orange and white jellyfish", "a jellyfish and floating jelly fish in the water", "jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly", "two jellyfishs are swimming next to each other", "three jellyfishs under a blue - lit sky", "jellyfish are swimming near another jelly fish", "two bright colored jellyfishs floating close to each other", "jellyfishes a few jelly jelly fish in the blue water below", "two orange and two brown jellyfish in clear blue background", "two jellyfish in the ocean swimming next to one another", "two small jelly fish, including an emperor and his mate", "two jellyfishs and a small jelly fish in a blue sea", "two jellyfishs are swimming in the water", "a long row of jellys float by", "two jellyfishes and jellyfishs swimming together together", "two jellyfish float below a jellyfish with a few long heads", "a jellyfish swimming next to a jelly jelly fish", "jellyfishs and jelly fish floating beside one another ocean", "jellys and jellyfish in an ocean with one laying on the floor", "two jellyfishs with orange hair swimming in the water", "jellyfishs and jellys in the blue ocean", "two jellyfishs flying and diving in the blue water", "a couple of jelly like objects floating over each other", "a jellyfish is laying beneath a jelly fish", "two jellyfish are in the water next to two huge jellyfish", "a couple of jellys that are next to each other", "jellyfishs swimming near each other next to the water", "two jellyfishs are in the blue water near one jellyfish", "orange and one black on blue", "colorful jellyfishs floating in the ocean and one of them is on water", "two jellyfishs swimming next to each other", "orange jellyfish and white jellyfish swimming in a dark pool in a water tank", "two jellyfishs with one is jumping in the blue water", "jellys flying on a blue background swimming under the water", "two floating sea monkeys are in the dark blue water", "jellyfishs float near a blue reef", "2 jelly fish and jelly fish floating on a aquarium", "a couple of white jellyfish are next to each other", "two jellyfishs, one of them blue, swimming in the water", "a jellyfish swimming beside a jelly fish is swimming past it", "2 jellyfishs flying side by side in a blue sea", "jellyfishs in the water with jelly - like fish in the background", "a couple of jelly fish are in the water", "jelly fish floating across blue water with two smaller ones", "jellyfish swimming beside one another floating in a blue sea", "two white jelly like sea animals next to each other", "a jellyfish next to a jelly jelly swim in the ocean", "a close up image of a large jelly fish", "some tiny blue jellyfishs floating in a deep blue ocean", "two jellyfish swimming next to each other", "two jelly fish are swimming and one is a jellyfish", "two jelly fish are in front of a large one", "jelly jelly jelly jelly jelly jelly jelly under jelly jelly jelly jelly jelly jelly jelly jelly", "a couple of jellys swimming next to each other", "a dark blue ocean with purple and white jelly jelly underwater creatures", "a large jellyfish and a small jellyfish swim together", "two jellyfishs swimming in still blue water", "the jellyfishs are swimming and a small jellyfish is flying in the background", "jellyfishs float over a deep blue sea", "three jellys running by one another swimming", "two jellyfishs with one white one black", "two jellys in the ocean on a dark blue background", "two jellyfishs swimming in blue water next to each other", "two jellyfishs in the dark blue water with two jelly monsters", "two jelly fish are visible floating through the air", "a jelly of jellys floating in the water next to each other", "a little cute looking jellyfish by some one larger", "a couple of jellyfish are next to each other", "three jellyfishs swimming in the water with blue lights", "a group of jellys that are swimming next to each other", "a jelly like tank floating above a group of jellyfish", "a group of jellyfishs moving across the ocean", "two jellyfishs looking straight ahead in the water", "two jellyfishs floating right by each other", "there are jelly fish under a deep blue sky", "several small jellyfishs in the ocean next to a large jellyfish", "two jellyfishs swimming in the blue water", "some very pretty looking jellyfishs laying next to each other", "three jellyfish swimming together next to each other", "jelly jelly jelly jelly and jelly jelly jelly jelly jelly jelly jelly jelly jelly some jelly", "two large jelly fish with a smaller jelly fish in there", "a couple of jellyfishs floating through the sky", "one thing to do in the water is to take care of sea creatures", "a dark sea and some purple jellyfish under a blue sky", "a couple of jelly fish and one jellyfish hover above the black one", "two jelly fish and a small jelly fish are being under water", "two jellyfish swimming in an aquarium with their trunks floating", "a couple of jellyfish swimming in the water in front of each other", "two jellyfishs with one fish below", "two jellyfishes in the deep water near a smaller jellyder", "jelly fish swimming in the deep blue of the water"], ["jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly", "a small jellyfish swimming underwater under the water", "a close up of jellyfish swimming in the blue sea", "a jelly fish, floating in a blue tank", "photo jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly", "a jellyfish floating down under blue clouds", "jellyfish swimming underneath a blue ocean", "jelly jellyfish swimming in the pool", "man of the water looking out, looking at the clear sky", "a jellyfish floating in a blue sea water", "a jellyfish floating by itself in a dark blue ocean", "an octopus is in the water with its tentacles", "a jellyfish in an aquarium swimming in clear water", "jelly jelly underwater marine jelly jelly floating swimming sea it jelly jelly jelly there jelly the", "jelly fish floating on to a blue water surface", "a jellyfish swimming in the blue water", "an orange and white jellyfish in water", "jellyfish and a blue ocean surface, with it's light blue water coming", "a blue and lit jellyy swimming", "a deep blue water filled with a very pretty jelly", "a jellyfish swimming very close to the camera in the open water", "a jellyfish floats in deep blue water", "a small jellyfish in a blue body of water", "a jelly jelly jelly floating on a blue sky", "jelly fish jellyfish swimming in the deep blue water", "a jelly underwater under a clear blue sky", "deep blue water holds jelly jelly jellyfish swimming", "a fish underwater on blue water with a very shiny bottom", "a couple of jellyfishs floating in a body of water", "this is a view of a large blue jelly, which has its tentacles stretched out", "a jellyfish swims in the water with an ocean background", "a jelly shaped creature floats over the ocean", "a jelly fish swimming in the blue ocean", "jelly jelly jelly fish jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly", "an aquatic jelly floats in the water", "jelly floating in an exhibit with blue lights", "jelly jelly fish swimming under the blue sky", "an elephant jelly jellyfish swimming in a pool", "some jelly jelly jelly jelly jelly jelly fish under water", "this jelly jelly fish in water at the aquarium", "blue jelly jelly jelly jelly jelly underwater underwater underwater", "a sea jelly in neon light against a blue sky background", "jellyfish swimming underwater, lit by the bright blue lights of the water", "jelly jellyfish floating through the ocean aquarium", "a translucent jellyfish swims in the deep", "blue jelly fish in underwater in blue blue sea water deep sea", "jelly fish swimming in the ocean next to a boat in a blue sea", "a blue glass table with a white cloud and a blue sky below it", "a jellyfish swimming under a blue water light", "a jelly jellyfish swimming under a cloudy sky", "a jelly underwater in a blue ocean", "a jellyfish swims in a sea of blue water", "jelly jelly jellyfish swim through a light blue ocean", "deep jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly", "a jelly jelly floating through the water", "a jelly jellyfish floating under a blue sky", "the jelly fish is floating near blue water", "a jellyfish floats in the water underwater", "a jelly jelly jelly fish in blue water with a few people in scuba gear", "a jellyfish is floating under the ocean", "a jellyfish with a blue light over it", "there is a large jellyfish floating in the ocean water", "a single red jelly fish swimming the ocean", "a jellyfish floating in an aquarium tank", "a jelly fish swimming in ocean next to a blue water", "the jellyfish floats in the blue ocean water", "a jelly fish floating in a water tank", "a single jellyfish in the blue sky, with it's mouth wide open", "jellyfish in a blue tank in a blue lit ocean", "jelly fish in the blue with blue water in the background", "ocean jelly is glowing up as a jellyfish swims in blue water", "jelly jelly jelly fish floating beneath the water", "a jellyfish is floating in the blue water", "a small jellyfish swimming through water in blue water", "jelly jelly jelly jelly jelly jelly fish jelly jelly jelly", "a jellyfish or jellyfish swims underwater in the clear sea", "a jellyfish is in the deep blue water", "a jelly fish in water with blue water in the background", "a jelly jelly fish in blue water", "a jellyfish swim s ocean deep under a translucent blue", "a jellyfish floats above the ocean beneath a blue sky", "clear blue, clear blue water below a very jellygy", "a jelly jelly fish jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly jelly", "a jellyfish floats in the water under the clear blue water", "a yellow fish swimming under the cloudy blue sky", "a jellyfish is seen in an aquarium in the great barrier", "a jellyfish sea animal under the light in blue water", "a jellyfish swimming under the ocean", "blue and cloudy sky, the underwater jelly fish floats on", "a large jelly floating below the ocean water", "the jellyfish in the clear blue water", "a jelly fish floating in the blue water", "jellyfish underwater in the ocean water with a blue sky background", "jellyfish floating beneath deep blue water a wave", "a jelly - like jellyfish on a blue aqua", "large jelly life floating, blue under a cloud", "jellyfish and its tentacles swim under the blue water at night", "a jellyfish is floating underwater and in the blue", "a jelly sea jelly floats through the deep blue water", "a sea - jelly jelly in the deep blue water"]], "question": "Is it true that two jellyfish are visible in the left image?", "answer": "yes"}, {"question_id": 82296, "captions": [["a combination electronic padlock, a master lock and a mobile phone", "a phone and two locks on top of one another", "the bluetoism smart bluetooth bluetooth bluetooth bluelock sm00", "a red and black smart smart smart phone and two smart smart devices with links and", "the malbi lock is plugged directly in another lock, with words ` 3", "master master master master master master master master master master master master master master master master", "blue blue blue blue blue blue wireless digital blues blue blue blue blue connected pad blue", "the master lock and two pieces of microlock, a pair of bluetooth locks", "connected connected connected connected connected connected connected connected connected connect connected connected connected connector connected connected", "a set of padlocks with a black text master", "mobile security in the form of electronic devices, with text master", "two bluetooth locks and a pad lock", "two tooth tooth pads are pad pad padoo padooks", "three smart locks with text saying masterboxs which can be used for locks", "two bluetooth blue blocks with blue led lock", "a pair of toothbrushes on a white table", "a cell phone with the words lock and an image of a blue button", "a bunch of padlocks and lock on a white background", "a set of three bluetooths and a smartphone", "bluestorm pad padlock pad pads are available for padlocking and paddling", "an combination of black lock and a smart padlock", "pad pad lock and pad padlock for pad padlock padlocks", "master padlocks pad padlock master padlock master padlock padlocks", "mastertech and a black lock with the mastertech bluetooth logo", "a phone with three lock cases in front of it", "two usb devices are next to each other", "two smart gadgets and the words, master smart", "a combination connected connected device with a padlock and a blue button", "a security padlock and connection on a connected wireless internet connection", "two laptops, a monitor and several connected blocks", "two bluetoo bluetook padlocks, padslock, and pad", "a smart lock lock and a blackberry p90, with the phone and the word", "bluepad pads pad pad blue blue blue pad pads pad pad bluepad blue blue", "two bluetoothed bluetooth devices with the words bluetooth locked", "three black and blue padlocks with blue logo on them", "smart smart smart smart smart smart smart smart smart smart smart smart smart smart smart smart", "blue blue - colored padlock blue blue blue blue keyed unlock lock", "master locks, with masterlock tagging, a door knob and a key lock", "the teethmart smart smartmart smart smart bluetooth smart lock, bluetooth smart", "a padlock with wireless padlocks attached to it", "a pair of tooth smart smart bluetooth smart lock and a pair of bluetooth", "the lock and wireless links on a cellphone", "a lock and padlocks with blue lights", "two locks and a smartphone with blue circles on screen", "a blue smart smart blue smart smart smart smart smart smart smart smart smart smart smart", "a blue door bluetooth padlock and a small padlock", "the image with a lock door, an iphone, and the words, connect two", "two keys, a lock and a phone on the ground", "a blue bluemar smart smart blue smart smart electronics and smart blues smart smarts", "a cellphone, a phone and a lock are shown", "master smart padlock set made with 1 tsl tag lock", "a device and two electric phone devices next to each other", "bluetooth bluetooth bluetooth connected in a set with bluetooth connected to it", "a cell phone, key, and bluetooth smart lock, blue blue and the", "master locked locklock lock lock locked checked pad locked door connected blocked locked connected connected", "the red alarm padlock combination lock and black keyed combination lock", "master master blue and master master lock electronic electronics", "an image of a lock with a blue circle under it", "an image of two smart locks", "several smartphones has a wireless lock on it", "blue pad padlocks and a padlock with a black text and a black", "a bluetooth wireless bluetooth connected smartphones", "a black portable key locks with blue eyes text that reads portable lock", "3 different locks with an iphone, smartphone, and smartphone", "a phone and pad pad pad pad padding pad padlocks", "smart smart smart smart smart padlocks with smart smart smart smart locks", "a padlock with two black locks and bluetoothed text on it", "a blue bluediover and a bluetooth padlock with the blue blue blue", "a set of wireless pad locks with cell devices next to it and a wireless", "the tooth smart smart smart smart bluetooth smart charging lock with touch smart connected smart", "to smart po to bluepadtooth to blue micro to smart smart smart te smart", "an image of three locked and a lock with a key", "two locked alike lock kits on the right side of a logo", "a bluetooth blue bluejack with the blue blue button button and a connected dock", "two locksit locksets with toothoo toothbrushe and a bluetooth lock", "smart smart blue b smart smart smart smart smart smart smart smart smart smart smart smart", "a smart lock has a connected connected cell phone with an electronic keychain with", "two blue and black lock bluetooth blue technology pieces", "the bleblo look blue bluetooth stereo set up next to an id", "the usb lock with a smart key lock attached", "padlocks and an iphone holder next to each other in the same device,", "a clock that is attached to a padlock", "some locked padlocks that are sitting on a wall", "a lock and a microlock are set on each other", "block bluetooth and bluetooth padlock connected to a smart phone", "a smart lock and a smart smart smart smart smart smart smart smart smart lock", "lock locks lock locks security unlock locks lock locks locks locks inter unlock combination loaded smart", "blue light lock with a circular padlock opening it", "bluetooth pad pads and an alarm pad padlock", "two smart smart smart smart smart smart smart smart smart smart smart smart smart smart smart", "bluetooth bluetooth blocks on a white background with red background", "the smart lock with padlock attached to it", "a couple of small smart lock on a table", "blue and usb wired speed, the modified branded led, inspired controlled connected controlled red", "a clock and a connected connected connection connected with a microphone", "unlock two unlock 2 locks pad locks security shack different combination mobile secured and lock locks", "four devices with wi - lan, with the text best wi - lan, wi", "pad padlocks have speakers on the top of them", "a set of pad padole pad pad pad padlocks with a logo over", "an electricbit and two bluetooth toothbit bluetoothtooth locks locks and speaker"], ["the master lock with the light inside it", "a pad safety padlock lock that is labeled", "master master master master master master master master master master master master master master master master", "the master - d lock is on sale in june", "master padlock with the master eyester stickter patchi logo", "a black padlock with a blue neon on display with the word namast x", "a master master locks and a glowing blue eye", "a black, metal padlock with a green ring at the end", "a digital device that's just been set up with night lighting", "a master keyed lock with a blue glowing eye", "a picture of a blue light under a blue eye in a blue glow", "a black master lock with a blue circle around the eye", "a black master's eyeball in it's container", "a round eye in a blue blue eye with a padlock that has a tag", "master master master master lock master master master master master master unlock o master pad pad", "master lock in the master master logo on the side of a large padlock", "a blue light padlock with the master 2 logo on the front with a small", "a master master d padlock with an eye in the center", "an open, black, round, padlocks to use against a white background", "master's mechanical device with a blue ring in the center and the master '", "master security with master lock and master sticker", "master master lock in clear case with a blue ring in the blue light", "a blue eye glowing blue in the center", "a locked with a sign on it and a blue blue eyes ring in the center", "a button on a black key case with an eyeball in a light blue lens", "a lock shaped metal with the blue ring in a blue eyester", "master master master padlock, with a glowing light padlock button", "a lock with a blue light in the middle", "pad a locks security s pad open safety combination unlock pad key the pad safety key", "a padlock that has a blue ring in it", "the master of master of master of magster", "master masterx padlock with a blue blue eye", "master pad lock with illuminated blue ring eye master lock, master pad, master,", "a master's machine with a blue eyes eyeball", "an electric security padlock with a blue blue eye eye on the front", "a close up of a padlock with a blue eye on top", "an open master pad locks with a silver finish", "a circular blue eye appears with a name on the side", "a combination padlock with a single blue blue eye symbol that says o2", "master master master master pad lock with the master master logo on the side of it", "a close up of a black and silver clock padlock", "the master locker blue eye, the original user of this", "master lock key master master master padlocks", "a lock that has a blue dot on it", "a closed blue padlock on a white background", "a black safety padlock with the maker name", "master master master security pad lock safety pad lock master digital lock combination pad locking safety", "master lock with a logo and light up in the center", "master master with lens blue flashlight light master padlock lock", "a closed up lock with the word masters on the side", "a black padlock with blue eye symbol in between them", "usb pad pad pad pad closed user master safety eye key safety key master pad button", "a master lock with an eye is locked next to a black sticker with a", "a closed lock with a blue eyeball that looks like a padlock", "a padlock with a master badge on it", "the logo on a blue ring is in the center of a logo", "a master lock with a blue ring on it's top", "master lock has blue eye ring on it", "pad lock lock pad pad keys pad combination pad pad locks pad pad pad key lock", "blue ring master of master of the rings padlock with master of the", "a black padlock with the blue light in it", "a padlock that reads master on it", "a blue lit pad - lock with the master on it", "an image of a large black padlock with a blue eye", "locks pad pad master master master pad masters pad pad master masters master master the master", "a padlock with the master disc on it", "a pad lock with a blue eye eyeball on the eyeball", "a blue eye on a black and white padlock", "an electronic pad lock with a blue ring, for eye", "a metal padlock with a black words master and a blue ring", "combination master master master master master master safety pad master master pad master master, big", "master master master master master master - master master master master master master master master blue", "masters padlock with master label and master pad", "master - g is coming out of a padlock", "master master metal planet ka pad pad smart lock pad locks pad pad pad pad lock", "a locked padlock with a blue eye in the center", "a black plate with a blue ring on top", "an external combination locksnt is displayed with an illuminated disc blue eye", "a blue eye looking like a halo ring for master - zero", "a padlock with the name eego", "a master master s master master master master master, eye blue light", "masters master\u00ae 2 - secid padlock", "a master master is in a metal frame", "a padlock with a white button and a blue eye inside", "a master lock with an eye is displayed", "illuminated smart ring blue ex safety eye eye 2 custom bio safety security ts ve new", "a key lock with a blue glow disc on the top", "a lock lock with an glowing lit circular blue ring on it", "a black pad with an lock with an illuminated padlock, the eye contact", "a plastic container is covered in a padlock with a metal handle", "a master lock, with blue ring", "master disc with master led blue eyes at viewer", "the master'eye of an eye is blue", "a master master master button padlock with an egg on its face", "a blue padlock with master\u00ae blue ring image", "master master masters combination padlock lock with a master master light blue circle", "a big blue eyeshotheon eye ball is lit up on a master '", "an open close up photo of a blue ring in the center of a black wall", "an image of a master padlock with a glowing blue eye", "a metal pad lock with a key,"]], "question": "Is it true that exactly two locks are shown, both of them locked and with a circular design and logo on the front, one with ridges on each side?", "answer": "no"}, {"question_id": 78987, "captions": [["a tiny train is placed on a small piece of cardboard", "a toys train, a baby, a birthday candle and a bottle wrapped christmas tree", "teddy bears sit on top of a toys engine", "a cat laying down watching a kitten take a ride in toy train", "there is a toy train with apples on the side of it", "a dog sitting on a train filled to look like a mouse", "a cat laying on the bed watching a train", "a toy train with a mouse driving down on the track", "small brown teddy bears in a train shaped toy with apples in the foreground", "toys on a child's floor in a room", "train bus play toys plays train riding play train train toy train train toys toy toys", "a cat that is walking on the floor near a toy", "a small toy train with animals sitting on the train", "a close up of a dog sleeping on the floor near a toy truck", "a toy truck is on a sheet that is laying on top of a paper", "a small toy engine car with an apple and a dog in it", "a toy bear and a dog playing with toys", "the young boys toys play in the very modern area of the day", "a cat that is next to a toy train", "toy dogs playing with toys and balls on the floor", "a set of baby toys including a bear the bear and a train with apples", "cat sleeps with toys and christmas bell", "toys and a bright todd a train toy colorful colorful multi toys various toys little toys", "stuffed a a a the child cat brown puppy cat stuffed kitten dog cat dog lies", "a dog on its back lying in a train that toy has several toy items", "a child and his stuffed animal bear in a toy", "a small red train with a train engine and train cars", "a toy truck has a mouse and a teddy bear in it", "monkey the a a teddy toys is toys toys a monkey a a toy toys a", "a mouse on a toy truck surrounded by toys", "red and blue toy car with a candle in a glass", "kitten with a cat cat the a toy a toy cats cat and toys sitting puppy", "a cat laying on a table playing with a small fire light", "a red toy train with teddy bear in front", "two teddy bears are on a small red and yellow train toy", "a colorful toy train with green apples on the back of it", "a little dog is riding a train toy", "an apple apple is on a multi colored toy truck", "a small cat playing next to a plastic toy train", "stuffed animals sitting out in a room next to a brown wall", "a cat laying on the floor next to a small toy train", "a small toy train loaded with a teddy bear atop the top", "a small toy bear driving small train toy train", "a cat is sleeping next to a toy boat with teddy bears", "the cat watches as a toy train passes", "a little toy monkey that is sitting on top of a train", "a teddy bear sitting on top of a red cart", "a small mouse on a little toy train", "a cat on back of a train with a car in view", "the apple is sitting next to a little animal car", "the kitten lies near the toy van", "a mouse sitting in a toy car next to a candle", "a brown cat sitting on a toy train and a black and white pogo cat", "a cat laying outside looking at a mouse playing with a toy van", "toy toys toys colorful animal cat bear toy two bear teddy teddy and there baby train", "a bear and dog are in toy cars", "a small toy kitten teddys on the train train", "a cat is sitting on a table while the toy toy car of a mouse sits", "a red toy train with teddy bear on top", "cat monkey puppy toy bear and a being kitten toy teddy dog laying chocolate an pup", "a teddy bear is sitting in an apple car", "a little bear is riding a toy red train", "a cat laying next to a wooden toy train and a black dog peeking head", "a dog laying in the grass with a toy car with two green, blue and", "a toy train with an kitten in it", "little boy's toys that are sitting next to each other", "puppy a teddy the cat a cat cat a toys kitty monkey one little - pup", "brown teddy the little cat teddy teddy bear and, stuffed - teddy a bear a", "a stuffed bear toy is playing on the train", "cute teddy bears playing with a colorful miniature toy train", "a striped cat laying with an apple toy", "small toy train with several objects scattered on the ground", "a teddy bear teddy bear in a toy train", "a teddy bear riding a wooden train set with food", "a cat is riding toy car and mouse in small car car", "baby animals relax in a baby car on a floor", "a sleeping cat in a dog bed and a toy car", "a cat laying on a stuffed toy train", "a red toy truck next to an apples and toy train", "the child's toy red car has a dog inside and several apples placed on", "a train train at night and a green apple in the foreground", "a cat standing behind colorful train toys", "a teddy bear siting in a toy train", "an apple sitting next to the child's toy train", "a cat laying on a toy train next to someone", "a cat plays at a cat - eye view as it lays down on the ground", "a train toy that has stuffed animals in a train", "a cat sits on the front of a colorful toy train that includes a teddy bear", "a child reaching to catch an apple in the toys", "a cat sitting on a red motorcycle with santa lighting", "an animal toy is sitting on top of a teddy bear", "a dog laying in a cart with a cat", "a toy is kitten, a toy a a an and a monkey and a kitten", "there is a toy with a mouse sitting in a toy car", "a brown mouse sitting in a baby colored car", "a toy car and some apples on a wooden surface", "transportation small wooden little a todd children train boy toys toy toy toy toy toy children", "a kitten sitting next to a small toy", "a cat is laying on the floor next to a variety of toy vehicles", "a kitty lays on the back of a toy train with several fruits, apples and"], ["ham i and feedsoche emiratesowa for the world newsletter ham with percent of the", "mousetenacle in the animal's train for prague, with hamsters", "a hamster hamster sitting next to a hamster hamster hamster", "baby mouse hamstertooth zoo hamster radialdiak hamster dedicatedmetson", "a white hamster hamster inside of a subway train", "a ham ham mouse sitting on a subway train", "ham ham ham ham ham ham ham ham ham ham ham guinea ham ham ham ham", "a hamster hamster hamster being metked to hamster hamster for", "two white rats sit next to each other looking out a window", "ham ham ham ham ham ham dwarf ham ham ham ham ham ham ham ham ham", "a mouse in a metal container on a table", "a hamster hamster and his hamster hamster hamster hamster ham", "a fluffy hamster is resting in a train", "hamster mouse looking out the window at a hamster hamster in its enclosure", "a hamster hamster hamster looking out a train window", "hamsterhouse mouse mouse mouse hamster mouse rat the hamsterigerdabby", "a white hamster hamster on a table with a hamster hamster ham", "a ham hamster vicingcola companion ham furry ham ham ham ham hamster", "the fluffy hamster inside of a train with the orange background behind", "hamdy hamter ham hampet hamarocola, hedge guineadar bathroom bathroom", "a small hamster hamster hamster climbs inside a train", "a animal hamster sitting on a subway train", "4 a 4 f ham ham ham ham ham ham ham guinea ham ham 4 ham", "there pets that would the things of the world around the fallen of the for seat", "he ham ham ham ham ham ham ham ham f ham ham ham ham ham ham", "a hamter hamter hamtar hamtar hamster hamtaro pet", "a hamster guineaster hedgezz sitting for hamc accordion, hamster +", "a hamster and white hamster in a head looking up", "a hamster and a white and brown animal hamster hamster hamster ham", "a hamster hamster hamster and hamster hamster hamster hamster", "a hamster emirates dwarf pet show hascolabercar syrian pets, hedge,", "a hampet ham cat with hampers and hamder wheels", "ham ham ham ham ham ham ham ham dwarf ham ham ham ham ham ham ham", "a hamster hamster hamster hamster and a large mouse hamster in", "a small animal is peering out of a train car", "a hamster hamster is peeking out of a vehicle window of a brown and", "a little hammer hamster squirrel story about bureau hound meetsmer", "a ham hamster in the subway next to a train", "a hamster hamster chinsters is hamsters hamster bedroom", "a small hamster looking out a train window", "a brown hamster guinea mouse looking out a train window", "a ham and a blue backdrop with plastic and ham, ham photo, ham 2", "a ham hamster animals, hamgies, hamos recipes,namost fatigue", "a blue litter with a picture of cat and flower of a ham, bureau,", "a hamster hamster and hamster dwarffs hamster hamster, cute", "dwarf dwarf dwarf dwarf dwarf dwarf dwarf dwarf dwarf dwarf dwarf dwarf dwarf dwarf dwarf dwarf", "a hamster mice mousester mouse mouse hamster celestial baker, scenarioaryia", "ham ham ham ham ham ham ham ham ham ham ham ham ham ham ham ham", "a white hamster sitting on the handle of a train", "a mouse hamster and hamster on a blue table", "dwarf dwarf geknut hamster and subway with white ham mouse on its face", "a hamula hamor ham and hamy hamua hamor hamter ham", "dwarf ham ham ham ham ham ham ham dwarf ham ham ham ham ham ham ham", "a hamster inside of a little train window", "a hamtu page for the world furry with chihuahua pet with seat, design,", "a ham guineaster rico hamsterhouse hammodyraf dog hamratco", "a ham pet of the person, blue background with gaowa", "ham ham ham ham ham ham ham mouse ham ham ham dwarf ham ham ham ham", "a hamster looks out of a window, while his paw is in front of", "a hamster behind a window through a train door", "a hamster hamsters are all hamster stuff hamsters, hamsters", "a hamster hamster and an orange building", "ham with the litter plate for blue plate with table and dwarf for wall of blue", "a mouse hamster on the side of a train", "a hamster rat rat's hamster hamster in front of a train", "a hamster sits inside a train with a round ear", "ham ham ham ham ham ham ham ham ham the ham ham fe ham sitting ham", "hamster on the train a hamster sits in front of an oven behind a", "hamster hamster hamster hamster hamster hamster hamster }cula", "a hamster and hamster in a subway", "a small hamster in front of a hamster hamster hamster", "a hamster strawberry hamster bashaowa hamgies of hamter by ham ham", "the hamtar feeding scheme for the best chair with dogs, hamotea ham", "hampet hamge and pet with hamerchy hammer hamster heard basha", "a hamster hamster looks out of a train car at an empty train platform", "a hamster hamster is in bed next to a suitcase", "ham ham ham ham ham ham ham ham ham ham dwarf rodents guinea ham, ham", "a hedge hamster and hamster hamster in a car", "a hamster hamster looks into the camera as it stands behind him", "a hamster looking out the window of a metro train", "an ham hamster bedrooms of a ham hamster zebra hammer in a subway", "hammer hamc dwarf guinea percent,list pet pet,writer basham toad", "a hamster rat is peeking down from the subway", "hamyleigh fed a mouse and mousele with hamster mice", "a ham hamster barrow wheel with things hamster hamowa, funny hamster", "ham ham in on rode ham ham ham ham ham ham ham ham ham ham ham", "ham ham ham ham ham dumb ham dumb ham ham rodents ham ham rats ham ham", "a hamster hamster looking at a subway train with a window behind a window", "hamster hamster hamster 3 hamster hamster hamster, hamster", "a hamster mouse is resting on top of a desk", "hamtuxlitac mandaringe pet shop with hedge, hamc humphreyche", "hamster is looking out of a subway car as a hamster walks by", "a small white hamster sitting behind a window in a train", "a hamster hamster staring through a window", "ham mouse mouse tale tales ham stories with ham 3 of ham back", "a mouse dwarf ham hamstercoladaanamod elevation person, hamster", "ratty hamster standing up in front of red and orange tilework", "the picture of image butler with diner, watch, she, and, she,", "a hamster hamster hamster, in a hamster - hamster,", "hamster dwarfated rat running window view of brown and white cage"]], "question": "Is it true that there are two mice near yellow and orange seats?", "answer": "no"}, {"question_id": 52662, "captions": [["buttons and fabric buttons snap snapsed in onto a pillow to create pretty buttons", "a button with buttons on the button buttons", "a white pillow with buttons that have blue and green buttons through them with black buttons", "buttons brown buttons metal button center button button button buttons button buttons button button buttons buttons", "three button buttons buttons and the buttons buttons eye buttons buttons buttons the buttons buttons buttons", "a cushion with buttons and buttons on them", "a cushion with buttons, buttons and two buttons", "a cushion with two pillow cover, buttons and button buttons", "the pillows that are up close are filled with buttons", "button buttons and buttons wood button buttons button pillow buttons buttons buttons on buttons buttons buttons", "button button buttons buttons buttons on sewing", "button buttons buttons button buttons buttons buttons buttons button buttons buttons cushions button button buttons buttons", "buttons wooden buttons with button buttons button buttons buttons buttons buttons buttons button button button button", "a pillow pillow with buttons button and a row of three buttons", "button buttons hang out of a button button and dress button vest", "a pillow with two buttons and two buttons on it", "button and buttons with buttons buttons buttons buttons on a pillow", "a pillow with buttons and buttons on it", "a pillow with buttons and some wooden buttons", "round buttons with buttons buttons buttons buttons buttons buttons and buttons", "button button one button pin brown button set the the three buttons pillow the buttons throw", "the buttons in the pillows are buttons and the button are wooden buttons", "three black buttons on the buttons of buttons set", "a few button empoia buttons, brown, buttons, and buttons", "button button a button a two cushion button button brown brown to two button brown one", "the back of a cushion with two button buttons buttons", "pillow decorative button button button button button buttons button button button button button button button button", "button buttons decorative pillows pillows two buttons buttons throw buttons pillow button buttons buttons pillows buttons", "a close up of some buttons with buttons of some sort and some sort", "buttons and buttons are all over this chair", "a set of buttons with buttons on a shirt", "two throw pillow pockets and some buttons with gold buttons and a window in the background", "pillow cover with buttons and two buttons on the top", "button buttoned pillow on a sewing machine side", "a pillows buttons button buttons button buttons buttons button buttons buttons buttons buttons buttons buttons buttons", "button buttons buttons buttons button buttons button buttons buttons buttons button buttons buttons button buttons buttons", "buttons and a button with four eyes", "a pillow with buttons and one button on top of it", "a cushion on a chair with buttons that make the button down on them", "buttons and buttons buttons add a button design on a pillow", "button buttons are made into buttons with wooden buttons", "button buttons is on buttons button the middle buttons", "one button button on the cushion and two buttons on the pillow", "a pillow with two button buttons and two brown buttons", "buttons buttons center button button buttons made wood a vintage buttons buttons shirt pin button the", "pillow button buttons buttons button decorative button cushion brown buttons pillow pillow button throw the buttons", "buttons buttons buttons buttons buttons buttons buttons button button buttons buttons buttons button buttons buttons button", "buttons are displayed on the back of a pillow as the boys buttons are buttons buttons", "a cushion with buttons with wood buttons, and three wooden buttons", "buttons buttoned on buttons face a throw pillow", "a cushion that has some buttons around the center of the face", "button buttons button button buttons buttons button some buttons buttons buttons buttons buttons buttons button button", "a white pillow features two pillows with black buttons and buttons", "three buttons and buttons are pinned to buttons", "a pillow with buttons and buttons on the front a cushion topped with buttons", "a picture of a button button up on a white pillow", "a book filled with buttons and some buttons", "button vintage wooden buttons buttons brown buttons and buttons big button buttons buttons buttons button bout", "decorative button button button the those buttons button buttons button rose buttons nose buttons buttons buttons", "button buttons are button buttons buttons making an adorable and stylan", "buttons and jeans are button buttons and an app", "no decorative buttons buttons buttons button buttons buttons button buttons buttons buttons buttons button button button", "a white pillow with buttons and small buttons on them", "a white pillow with button buttons down and two buttons on each button", "buttons button eye cushion brown buttons button decorative button button button button pillow buttons button buttons", "button button button buttons on button buttons on the front of a pillow", "button button buttons on the back of the couch", "buttons buttons buttons button buttons button pillows brown cushion cushion buttons buttons buttons buttons two buttons", "two buttons and button buttons on a button square", "the pillow button button buttons are embedded in buttons button pillow buttons, buttons, brown", "large buttons black wooden buttons buttons buttons buttons buttons button button buttons wood buttons wood wooden", "a white pillow with two brown buttons and two wooden round buttons", "buttons buttons buttons button buttons buttons bronze buttons home buttons brown buttons bro buttons buttons buttons", "a pillow made with button buttons with a person nose", "a pillow with buttons and buttons and buttons", "large bunch of buttons and round buttons buttons on a pillow", "buttons three buttons buttons buttons button buttons buttons buttons buttons brown a buttons buttons three buttons", "a throw pillow with buttons and some buttons", "a cushion with round buttons and buttons on them", "a the pillows buttons buttons buttons buttons button there brown button buttons buttons buttons badges button", "a pair of buttoned buttons pillow on a chair", "buttons on a white pillow on a cloth cushion", "cushions brown pillow center brown buttons pillows buttons buttons buttons cushion wooden buttons buttons throw wood", "an embroidered pillow with buttons and some buttons showing two buttons a button three buttons are", "some buttons have some blue metal faces on them", "snap buttons button buttons wooden button button buttons buttons buttons buttons buttons there button buttons button", "three buttons are mounted on buttons on a white pillow", "a button is on buttons on a cushion", "buttons with buttons with buttons and one button buttons", "button buttons white ho buttons button buttons buttons brown buttons wood buttons buttons buttons button buttons", "button accent pillow with a button button case", "button buttons and buttons buttons are embedded in buttonholes", "buttons button buttons set buttons buttons buttons buttons buttons a button buttons buttons buttons buttons buttons", "three buttons on a button set close by buttons", "buttons and button on buttons and buttons in a pocket", "a brown button covered cushion with badges with buttons and three buttons on them", "three buttons are buttons in a purse", "a cushion cushion with buttons on the buttons", "buttons buttons buttons wood buttons buttons buttons buttons buttons buttons buttons a four buttons buttons buttons", "a white chair with buttons and a buttonhole"], ["a close up of a bed with three pillows", "white and green pillows on a bed with white sheets", "there is a white bed with green striped pillows", "a bed with linen on it and green stripes", "a white pillow is sitting on a white pillow", "two green, white, and yellow pillows and a stuffed animal", "four white pillows sit on top of a white bed", "two pillows and a large green pillow on a white headboard", "some different pillows, some with a striped pillow cover", "a bed with green and white pillows and decorative head board", "a large bed with some white and green pillows", "a bed with a white headboard and two white pillows", "the small bag is on top of the pillows on the bed", "a white bed with two pillows and a white striped pillow", "a bunch of white and green pillows on top of a bed", "a clean white room with green and white pillows", "the bed has pillows on top of the headboard", "a lot white pillows sitting on top of a white bed", "three green and white pillows sitting on a bed", "a white pillow is in front of a window", "decorative ship pillow green pillows a ticking bed pillows striped white a striped ticking white pillows", "a black cat sitting on a couch with a pillow full of pillows", "a photo of pillows, one of the items used to decorate the home", "a white and green bedroom for a boy's bedroom", "pillows and a blanket on a bed with white sheets", "a white and gray bed with pillows and a white pillow with green stripes", "a white bed with white pillows on it", "some pillows and some flowers and lights are on", "large pillows are lying in a close up view of the bedding", "the white shiplaf wallpaper is painted green and has lots of room", "a close up of colorful pillow cases with bright green ribbons on them", "a shot of a close up of pillows on a white bed", "a couple of pillows with different colors are on all three pillows", "an unmade bed with some pillow on it", "pillows and pillows for the bedroom", "pillows stacked together on a headboard", "pillows are displayed in the room with bright spring decor", "a white pillow on a bed on either side of the head", "a white bedroom with green cushions, white blanket, white bed, and yellow and", "some pillows, a striped pillow, and another pillows on a bed", "a bed with two pillows sitting on top of it", "white and green on a pillows on a white bed", "the headboard and pillows in a white bed", "a close up image of two decorative cushions with a diagonal green and white pattern", "two pillows and a lamp that are on a bed", "soft pillows stripes striped white pillows pillows ticking green and i white white a green bed", "a green and white bedroom with a pillow", "some pillows and a white pillow", "a green and white bed with pillows on it", "several pillows are stacked high together on a bed", "a couple of green green white and pink pillow pillows", "pillows several pillow two pillows comfort pillows pillows pillows green three pillows pillows white down white", "one pillow and some pillow in a bedroom", "pillows and pillows on a bed in a room", "pillows and blankets on top of a bed in a bedroom", "a bed with white and green pillows", "pillows sitting on top of a bed", "decorative pillows are stacked high with one green pillow next to it", "this is the top of a white painted wooden fence with light wood dowing holding", "several pillows on a wooden table", "a small close up of various green and white pillows", "pillows are sitting on a bed side by side", "a close up of pillows and a striped comforter", "a white cushion and two green linened pillows are beside each other", "a white wood plank wall with multiple color and pattern pillows from bed linens", "a couple of pillows sitting next to each other", "a large bed with two white and green pillows", "a bunch of pillows near a window sitting on a bed", "there is an image of a bedroom setting", "green pillows and a white bed with gray sheets and pillow covers", "a bed with two pillows on top of it and a sheet", "the green pillows are piled on top of the bed", "close up of four green striped pillows on top of a white bed", "a close up of the headboard of a bed", "some green and white striped pillows on a bedroom bed", "a bed that has many white pillowes on it", "a bed with two pillows on top of it next to each other", "the bed is made up against a shiplap wall", "a bed that has some pillows on top of it", "the pillows is white and tan, and green and white", "a green white bedroom, with pillows, and other decor", "a large pillow sitting on top of a bed", "pillows and cushions in a bed with striped blankets", "is pillows striped green stripe white pillows linen white pillows bed pillows green green white striped", "pillow piled with a couple of pillows on the bed", "a bed filled with white pillows covered in green and white striped pillows", "several pillows arranged up on a bed next to each other", "a white pillow filled up with pillows that have ties and fray laces around them", "a set of three cushions with a belt around them", "a white bed with green and white pillows and comforter", "some pillows on the edge of a bed", "some pillows rest on a sofa in this diy modern living room with no se", "a green and white bed with some green pillows", "a pile of pillows sits on top of a white wall", "a bed with a white blanket and two pillows", "close up a linen headboard with pillow and pillow bands and some pillows", "one green and white bed the other white bed linens and bed linens", "a bed with a bunch of pillows on top of it", "pillows and pillows sitting on a pillow set in front of a shippuied wall", "many pillows on the bed are next to the headboard of a bed"]], "question": "Is it true that the pillow in one of the images has three buttons?", "answer": "yes"}, {"question_id": 40224, "captions": [["a man herds a large group of dogs down a road", "a old man walking in the grass with an old man walking in the background", "the man in a long, brown coat is surrounded by a large group of dogs", "man walks with his dog on the road while he looks for the dogs", "man walking a small group of dogs as it rains", "a man walking with a bunch of dogs behind him", "a dog walk and a grandfather walking a long line of dogs", "man walking down country road with many hounds all out in the foreground", "a man walking with a large assortment of dogs on a road", "an elderly man walking away from a herd of foxhoops", "a man walking walking down a rural road, with large dog herding a lot", "several dogs walking down a sidewalk between fields", "a man walks through tall grassy field toward the camera", "the man walks with his dog walking on green grass with a man walking on side", "a man walks away from a herd of hunting dogs", "a man walking behind a group of dogs", "elderly man walking over a group of large sized red foxes", "a man walking with a group of dogs and holding a cane", "a man walking a dog while walking down the road", "a man walking away a large group of dogs", "a man walking toward a large herd of dogs", "a large bunch of dogs on a dog walking the road", "a photo of a man and group of dogs with an elderly man walking", "a man walking in animal walking dogs and a herd of dogs", "a man walks down a pathway with lots dogs all the walking", "herd dog walking walking hunting a walking dog and walking walks walks hound many, standing", "an old man walking back into an area full of dogs", "a walking hounds, hounds walks walking of walking walking walking - walking man walking walking", "hounds walking along a paved road as an elderly man watches", "a man walking down a road with many people walking and there is another person walking", "a man with hounds walking along the roadway", "a man walking with a heard of dogs", "a man walking towards the herd of animals being walked by a man back", "walks with walking dog walking walks walking dog hounds walking labrador hunters walking dog walking hound", "a man looks a herd of dog dogs and hounds walking together", "man standing in front of group of large dog hounds", "a person walking down a road with dogs", "a group of dogs walking down a road with lots of hounders on the sidewalk", "a man walking along a large herd of hunting hounds hounds hounds", "man walking with his hound dog in hand", "an old man walks down a path covered with dogs", "a walking older walking old walking walking walking walking walking and a walking walking headed walking", "the dogs are running for an old man in the bush", "a picture of people are walking and walking dogs", "the old man and beagles will go back the generations", "an elderly man walking walking his dog hounds dogs, and an older man walking", "a man walking on the street with dogs", "the dog has hounds that often get a long walk", "a man walking down the road surrounded by a large group of dogs", "a man stands in front of a herd of dogs", "man walking with a large group of dogs down a treelined street", "a man standing next to a row of dogs", "this is a forest scene with dogs crossing a road", "two dogs walking and he is walking with a gray haired older man", "a man is walking down the road with dogs", "a man walking with a herd of animals across a path", "a man is walking towards a line of hunting hounds", "a person in a hat walking towards a dog", "a man walks in the grass with hound", "a man walking a group of dog", "walking in the woods with the hounds", "a man walking along a path on a long road, full of dogs", "a man with a large group of hounds", "a man standing on a road surrounded by hounds walking down the road", "an old man looking on a group of large hounds hounds hounds fighting", "a walk with dogs and a man walking with many dogs, on a sunny day", "the ken hound is a way to find out the fox hounds", "an elderly with a large group of animals walking by a man", "there is an article about a dog walker on the street", "elderly man walking on a country road, with dog hound follows", "- and hounds dog the with hounds hunts hunting hounds hunt dog barking hounds hounds hounds", "a man walking in front of tall reed and tall grass", "an old man walking a dog of the pack", "a man walking along a dog walking with hounds hounds hounds hounds hound, the walking", "a man is walking with a group of dogs", "fox is hound hounds hounds walking walking - herring dogs walks dog hunters to that leading", "a and a dogs hounds dog a animal of dog hunting dogs dog dog hounds dog", "a herd of hunters and dogs is walking on a pathway", "people walking men and walking walk dog walking man hunters man walking is, walks walking", "a man with a lot of dogs walking around", "man walking a lot of dogs walking, with a dog walking behind", "a man walking past a man with a lot of hunting hounds", "group of men standing in front of large collection of dogs", "walks walking walking walking following walking walking walking walking walking walking dogs walking walking walk walking", "an old man walking out towards a flock of dogs", "a man walking a large lot of dogs", "a walking walking walking walking walking walking is walking walking walking walking walking walk walking,", "a herd of brown dogs walking down a country side", "hunting hounds meet an overcoat man", "a man walking with his dogs down the road", "a man in a coat and hat walking and looking at a pack of dozens of", "an old man walking down a road with a large set of large group of dogs", "man dogs, walking walking a gentleman looking walking and hounds hound hounds walking hound outdoors", "a grey haired old man is walking past a heard of small dogs", "a man walking a path with dogs on his back", "a person walking away behind a group of dogs", "a man is walking in the middle of a large family of dogs", "a man looking at group of dogs and brown hound hounds hounds hounds hounds hounds", "a man standing in front of a lot of hunting dogs", "walking the dog deer dogs dogs walking being and old over walking in a with walks"], ["different dogs from hounds standing with a woman in a field", "a lot of dogs that are laying down in the grass", "a group of brown and white dogs laying on green grass", "a group of dogs laying on top of a green grass covered field", "dozens dogs gathered on the grass for a meal", "a group of dogs gather and stare for a cat", "a very large bunch of dogs that are laying on some grass", "several hounds in the grass in a grassy field", "dogs in a field playing and rolling around", "large group of dogs in a herd together", "a man is taking a group of dogs in the field", "group of dogs in the grass with a lot of green grass", "hounds herd dogs hounds bea group dogs dogs hounds dogs dogs hounds hound hounds hounds dogs", "there is one dog lying down on the field and there are many other dogs", "the many dogs play in the green grass on freshly grass", "a group of dog heads off against a bunch of other dogs", "a very large group of dogs in the grass", "the dogs that are playing in the green grass", "a large bunch of dogs is playing of the dog's heads", "a bunch of dogs out in a big group on the grass", "a group of dogs laying in the grass", "several dogs lying on the grass eating a frisbee", "a large herd of dogs gather in the grass in an open field", "a group of animals sitting on the grass near some grass", "a herd of dogs playing on a lush green field", "a group of people that are standing together", "a large group of dogs in a grassy area", "dog dogs are sitting around in the grass", "a dog is seen among a bunch of dogs standing in a large group", "a group of bunch in the grass on the lawn in the grass", "a bunch of dogs are in a grassy area", "a group of dogs are sitting on grass lawns in a circle", "group of dogs are fighting each other and one is touching the other", "a dog among many puppies on a field", "dog dogs with a and hounds hunting hounds in dogs dogs all a grass dogs dog", "group of dogs in a group playing against each other", "a number of dogs in a field of grass", "a large group of dogs that are on some green grass", "dog and his babies a herd of dogs that are in the grass", "a group of dogs are all laying on the grass", "a dog and a bunch of other dogs", "a dog looks at several each other in there game", "a bunch of dogs are taking a nap", "various dogs dogs all dogs dogs a group a dog dogs dogs dog dogs large dogs", "a group of hounds dogs gathered on green pasture", "a large group of dogs laying and standing in the grass", "a group of young hounds hounds houndser dogs in the field", "a group of dogs play together in the grass", "a large groups of different breeds of dogs", "a large group of hound mix hounds dogs and dogs are standing and playing game", "several trees in a grassy field with some trees and one laying on the ground", "hounds dogs hounds hounds a hounds hounds hounds hounds herd hounds hounds dog all hound about", "a large group of dogs in a very lush green field", "a bunch of animals are in the grass next to each other", "the grass is healthy and green with several dogs laying and standing", "dogs dogs hounds dog hounds bea hounds some hounds bea dogs group hounds dogs dog dogs", "several dogs are playing and laying on a grassy field", "a group of dogs on a green field of grass", "group of dogs eating a group of food on top of green grass", "a group of dogs eating in in the grass", "a group of dogs on some grass on a green", "a large dog has a group of dogs in a grassy field", "a group of dogs outside on a grassy field", "a group of dogs walking along a lush green forest", "a large group of people surrounded by lots of grass", "the dogs is sniffing the dogs kissing each other", "several large dogs in a field of grass", "the dog is outside standing to a very few dogs in the yard", "a group of large brown and white dogs in a field", "a group of dogs on a grass field", "a large herd of hounds are standing on the side of grass", "a group of birds that are lying in the grass", "the hounds dogs dogs a hounds a dog are large a a dog groups small lying", "a brown and white dog surrounded by a group of black and brown dogs", "many dogs in grass feeding in a field", "a bunch of dogs are seen on the grass outside", "a crowd of dogs laying in the grass in a green field", "a group of young animals playing in the grass", "a dog standing next to a herd of dogs on top of a lush green field", "a group of dogs laying in their dog walk in the green grass", "the many dogs gathered together in the grass and lawn", "several dogs on the ground and one dog sleeping on the ground", "a group of dogs all on the same field, together", "a group of dogs sitting on top of a green field", "group of large groups of dogs in a grassy field", "a large group of animals are standing together", "group of dogs on a green grass field", "a large group of bassen hounds laying down in the grass", "a large group of dogs are on the grass", "large group of dogs are sitting on grass in the yard", "dogs relaxing in the grass grass and lush green grass", "dogs and a group of larger breed dogs and their owners", "many deers in a grassy field, including one in a group", "a couple of dogs in the grass in a group", "beakin hounds on the grass of a lush green grass", "group of dogs standing in grass on green grass hill", "a number of dogs in the grass with one of the dogs eating something", "a group of dogs are laying on some green grass", "a whole lot of dogs outside in a grassy area", "many dogs roam on the green grass of the sunny day"]], "question": "Is it true that a bloody carcass lies in the grass in one image?", "answer": "no"}, {"question_id": 32808, "captions": [["a pile of several electronic phones sitting next to each other", "stack of five phones are sitting on each other", "a pile of five cell phone phones sitting next to each other", "iphone four cell phones several six phone three phones three four flip mobile stack five cell", "a photo of a stack of different phones", "stacked many cell a five phones several cell and four different different cell four different three", "stacked cell stacked many many iphone stacked smartphone of cell stacked stacked stacked stacked stacked stacked", "a close up of a pile of cell phone phones", "a stack with five different cell phones sticking together", "cell mobile flip cell each a the old three a multiple phones there mobile flip cell", "cell phones stacked up on top of each other", "four different colored phones piled together in stacks", "a stack of various cellular phones sit together", "a pile of six phones have a different look", "a pile of four different cell phones in one tower", "five smart phones are stacked on top of each other", "flip all nokia stack cell stacked phones stacked several phones stacked up smart mobile flip phones", "a group of phones stacked together on top of each other", "there is a stack of five cell phones stacked on top of each other", "a close up of a stack of cell phones", "triple cell stacks stacked cell stacked phones the mobile five stacked multiple stacked stacked stacked stack", "a pile of phones stacked up on top of each other", "three stacked three cell and old cellular stacked phones stack stacked cell all phones stacked five", "a pile of four cell phones laying on top of each other", "the many cell phones used to charge one's phone", "a stack of four and five cellphones on a pile", "five cell phones stacked up on one another", "a stack of three phones piled together", "multi stacked phone stacked four stacked five pile five cell leaning four flip stacked cell five", "stacked stacked stacked stacked a stacked stacked stack stacks cell in a stacked stacked stacked stacked", "cell stacked each flip different three stacked stacked pile three phones each flip flip stacked stacked", "this photo shows six cell phones stacked next to one another", "several different types of phone phones next to each other", "a stack of three phones with one of them looking at the camera", "a few pieces of various cell phones stacked on top of each other", "a four in stacked pile of cell phone devices", "a pile of cellphones sitting in a pile on each other", "stack of four cell phones stacked against different sides", "a pile of cell phones stacked on each other", "a stack of multicolored cell phones, all in one device", "this phone is stacked into four separate stack on a very tall stack", "a stack of electronic devices are stacked in a pile", "a pile of five cell phones are stacked on top of each other", "a stack of four different phones are all stacked up", "a piled up stack of cell phones on top of another stacked up cell phone", "the photograph of a pile of four phone phones in assorted colors", "some different cell phones stacked in a pile on top of each other", "a stack of cell phones stacked together on top of each other", "a stack of six cellphones with different styles", "stacked cellular a cell piled stack stacked stacked piled stacks stacked four stacked stack stacked stack", "a pile of four cell phones stacked on top of each other", "a stack of four cell phones that have been stacked on top of each other", "a pile of four cellphones stacked upon each other", "a very stack of cell phones are stacked high on each other", "a pile of cell phone phones are stacked in a pile", "these is a photo of cell phone phones stacked up", "a pile of cell phones on top of each other", "different five four cell cell five stacked cell cell seven ass cell stacked stacks cell multiple", "several different cell phones stacked in a pile", "stacked six stacked stacked stack stacked stacks cell, stacked stacked stack cell stacked stacked stack", "stacked stacked smartphone these many a a many four cell five flip mobile cell stack smartphone", "various cell phones sitting on a holder in a pile", "several cell phones stacked on top of each other", "a stack of four cell phones sitting near each other", "several cell phones stacked in the middle of the stack", "a pile of cell phones sitting on top of each other", "a stack of cell phones stacked on top of each other", "a pile of cell phones piled together on top of each other", "a stack of four cell phones stacked on top of each other", "the a many and a stacked stack four a flip that four a stack trio a", "a stacked stack of four galaxy phones sitting next to each other", "six cell a a several stacked blackberry cell there cell the these cell stacked four four", "a pile of assorted cellphones of different styles", "a four four cell several a several a the there four stacked this cell several an", "three cell phones stacked up in a tall pile", "stacked a phone cell several flip a a the phone a four flip five triple phones", "a stack of four phones sitting on top of each other", "many different cell phones stacked up together on top of one another", "many devices cell cell phones five with four phone phones phones smartphone cell blackberry stacks a", "stacked stacked phones four stack stacked different cell stacked many stacked several and stacked cell stacked", "four there in this stacked iphone a a on smart the stacked on stack stacked stacked", "a stack on the phone is the only one of which is stacked together", "a pile of four cellphones on top of each other", "a stack of four cell phones stacked on one another", "a stack of six cell phones sitting in different colors", "several cellphones are piled in a tower on top of each other", "a pile of cell phones are stacked together", "the many phones are stacked in a diagonal stack", "several different cellphones are stacked in a pile", "a stack of phones is next to each other", "an assortment of cellphones stacked high in the air", "a multicolored cell phone stack is stacked on top of each other", "several different mobile phone phones stacked atop a rock", "several cellphones piled in a stacked holder", "phones and piles stacked in stacked a a stacked cell cell phones different various cell cell", "five cellphones stacked on top of each other", "a stack of six smartphones with various colors and sizes of phones", "many cell phones stacked on top of one another", "cell four cell stacked stacks phones stack cell a a phones pile nokia four stacked four", "a group of different colored phones stacked on top of each other"], ["chat chat chat chat chat chat chat chat chat chair chat chat chat chat chat chat", "a tall stack filled with stack down down and down down phones", "stacks ke keep kc downward low kedown k ke ki ke ke own down down", "a k k stack stack stacked sitting stack stacked tower made and stack are stacked stack", "down down down down down down down up down down down down down down down down", "a stack of stacked cell phone devices, displayed in a digital illustration", "a picture of a stack of cell phones and a number of mobile phones", "stacked top a ki a a a tower top and on we that stacked a a", "tower the tower on a ky down cat down down brown a ke cho the ke", "a tower of small cell phones stacked to form a stack", "a stack of computers with a sign over it", "a pile of cell phones and a stack of smartphones next to it", "chat chat a chat chat chat chat chat, chat chat che chat chat chat chat", "a poster featuring a stack of electronic phones on top of each other", "a stack of four phones sitting on top of each other", "red to phone 4 the - ad lava samsung nokia red blackberry mob t mob red", "a pile of phone phones are stacked while an advertise stands in front of", "a bunch of cell phones balanced with another stacked pile", "stack stacked stack next ke ke stack stack stack stack stack ke ke ke kn kn", "piles of cell phone stacked into the word stack on top of each other", "several stacks of stacked up plastic drinks", "on on on is with iphone a on on on on on on on on on", "a stack of different colors and sizes of phones", "a phone chat chat chat chat chat chat chat with the kfc ktc chat", "a stack of stacks of stacks standing out of an image", "stack stack stack pile of stack of stacked cell phones", "there are very stacks and a pile of books on a computer", "the a group of cell phone k and a phone phone is in the cell and", "stacks stacked stacked stacks stack on stack stack", "a stack of cell phones and a stack of cds", "stacks of pizza boxes are stacked in front of a stack of mobile phone batteries", "stacks stack tower cell phone cell nokia phones phone flip phones stacks stacks up stacked stacks", "pile stacks phone stack stack with phonecha chat chat chat chat cha chat chat chat", "a pile of stacked books reads efc phone stacks", "a stack of all smart devices and text, for three and three", "stacks of cell phones stacked high and one stacked on top of another", "phone calls phone phone phone 3 phone down phone down ii phone 4 two phone 2", "a pile of stacked stacks of other items", "a tall stack of computers with their top one stacked on the bottom", "ke ky ke chat chat chat ke chat chat chat chat chat ke chart cho cho", "group of four pieces of stacked papers on top of each other", "a stack of stacked stacked tall pile with ke rc bc is c kc r tc", "top rc rc it rc fc i pc bc it bc fi know stack fc kc", "iphone and many k smartphone six cell and stacked cell pile stacked stacked cell six -", "a stack of many stacks of phones sitting next to each other", "this is an advertisement featuring stacks of cellphones", "a stack of cell phones has chat chat chat chat chat chat chat chat chat", "a pile of stacked stack of piles next to a chat chat", "a pile of cell phones sitting in front of a red wall", "a high up of smartphone phone phone stacked up to a phone pile", "a stack of phones sit on a chat chat chat chat chat chat chat chat chat", "stack stack stack stack stack stack stack stack stack stack stack stack stack stack stack stack", "a stack of phones with chat chat chat chat chat chat chat chat chat chat chat", "a small pile of cellphones stacked and labeled best way to stack them up", "all chat chat chat chat phones and stacks of phones", "down down down down down downfall down down downs down down down down down down down", "a stack of many cell phones sitting on top of a red wall", "a stack of pizza boxes stacked high on top of each other", "a stack of books stacked on top of each other", "stacked stack of cell phones that is stacked with one", "a stack of phones stacking on a stack of stacked phones", "a stack of cell phones stacked on on on phone stack on", "a stack of stacked stack of stacks next to a stacked stack of keg ke", "a tower of a stack of three phones is stacked on top of each other", "a stack of smartphones with a tower of their own", "a pile of phones stacked on top of each other", "a stack of four piles of electronic devices sits on top of each other", "a stack of mobile phones piled and a sign that reads kfc kiro down", "a stack of stacks next to a stack of stack", "a pile of stacked cell screens on top of each other", "the chat chat chat chat chat pager is stacked high, and a phone and", "chat down chat down down chat down down chat down chat down down brown chat chat", "stacked up piles stacked phone with a king stacked in the stacked top", "phone stack stacked up in a tower, it has keef stack down down", "a stack of cell phones sitting on top of a pile of stacked cell phones", "a stack of cell phones with the words kek down down", "a stack of cell phones sitting high up with the words down down on it", "stacks of cell phones sitting on top of each other", "a stacked stack of piles of kefiphone chat chatphones", "several phones stacked on top of each other and the text phone is off", "stacked stacked stack junk stacked pile stack stack stacked stack stack stack stack stack stack and", "computer stack stacked stacked stacked stacked a stacked a cell stacked stacks stack a stacks a", "a stack of phones, and a phone sitting in front of a red background", "some phones phones telephone pile phone and piled a phone phone and phone cell phone phones", "a stacked stack of mobile phones with kelp", "a stack of cell phones stacked on top of each other", "a chat chat chat logo is placed next to a bunch of phones", "phone down down down down down down down down down down down down down down down", "ke ke ke - top ke ke ga ke ke kb ky ke k k ke", "a stack of cell phone stacked atop each other", "stack phone chat chat chat chat chat chat chat chat chat chat chat chat chat chat", "a tower of broken phones stacked together with a pile of them", "phone stack phone phone phone iphone phone phone phone stacked stacked stack telephone cell stacked phone", "large stack of cell phones leaning up on top of each other", "a phone phone tower with kik chat chat chat chat chat chat", "a phones phone phone phones phones phone phone telephone s phones nokia phone talk phones phones", "chat chat chat chat chat chat chat chat chat chat chat chat chat chat chat chat", "tower stacked stacks stacks stack two stuck stack down, down down down down down sitting", "a phone phone cha chat chat and a stack of stacks of cell phones", "a stack of phones sit on chat chat chat chat chat chat chat chat chat chat"]], "question": "Is it true that the phones in each of the image are stacked upon each other?", "answer": "yes"}, {"question_id": 7450, "captions": [["two bass a pup pup bea dog tiny pup pup four pup puppy three bass bass", "four brown and white dogs are rubbing noses on a table", "bass bass bass bass puppy bass bass bass bass bass bass bass bass bass'pup", "three boys and three puppies of their own", "a group of four puppies are stacked into a hand while someone is petting", "people feeding three puppies of a puppy", "three basset puppies are sitting and three are standing for each other", "a person petting three puppies of dogs on a table", "three bass four pup looking ears bea pup pup three puppy - pup puppy pup bea", "bass pup puppy two the bass being pup being puppy the pup bass pup bea pup", "three puppies sitting next to one another", "two dogs sitting in a line and someone pets the dogs head", "pup pup blood pup puppy hounds pup trio hound bassett pup is bass puppy puppy three", "being bass hound a being in dog bea pet hound four between bass hounds pet about", "four dogs are getting their heads brushed by a man", "bass bass with three two miniature brown brown pup pup two puppy pet sitting pup bass", "a person is petting three bassby puppies", "beagle puppies receiving a hand petted by person", "a lady petting puppies sitting around their heads and ears", "a hand petting four dogs over a person's hand", "a person in close up holding two little dogs", "a group of four small pup dogs laying next to each other", "a closeup of three dogs on a table with their heads down", "a hand holding the paw over the hand of a dog", "three puppies lying on the ground near red brick wall", "a group of dogs that are standing near people", "bass puppy bass bassett pup bass puppy - bass bass, bass pup bass bass bass", "a woman cuddles two brown and white english bassie puppies", "four cute basset pups in human hand", "three dogs getting their paws on a person's hand", "a man holding a person over a group of dogs", "the dogs are leaning up around by a persons hands", "four puppies at one point by hand being by a hand", "three cute little white puppies leaning on a persons head", "a group of four little bassines leaning over", "a person touching two dogs while being petted", "three bea pup sitting pet puppy hands for tiny tiny flea 2 getting pet hound trio", "a hand touching a red and white basset puppy", "a petting of four puppies laying down next to a human", "a person petting three little bassie dogs on a table", "four puppies with people holding hands in background", "three dogs are having their owner blow dryer brush", "a dog is sticking its head on another dog", "three puppies are curled up and cuddling, while a person reaches out the", "pup dog puppy two pup two small puppy litter pup three dog by the being by", "four dogs with their tails are standing next to one woman", "bea dogs hounds bassett dogs a bassett four bass two bea bass pup, dogs brown", "blood bass hounds bass'bass hound bass pup bass bass puppy litter pup bass dog", "someone petting five bassetted dogs in their pen", "a person is petting brown dogs that are looking down", "a person is pets a puppy that is being vetted", "two white and brown puppies are laying down on a table", "three puppypies stand next to each other while someone holds their hands and pets a", "two dogs are being petted by someone who is petting them", "hands puppy groom it being with pet with puppy pets pup litter pet giving getting a", "it would be great if there were puppies", "three small dogs sit together and have their owners hand holding one dog", "bass dogs bass bass bass pup bass ears bass bass puppy bass bass bass puppy bass", "some very cute little dogs by some hand", "chi in pup their group and bass dogs hound dogs bass pup brown pup dogs hound", "three tiny puppies laying on a table being petted by a man", "three brown and white puppies being held together", "a group of dogs are standing around the owner", "for four blood pup bass bass puppy bass bass dog bass pup pup these close dogs", "a person petting a puppy with a hand", "three puplets of basset hound sitting next to one hand", "a person taking a tiny dog to look at two young hound puppies", "a male hand gently a dog laying on its owner, peting one of the", "a dog puppy standing on top of a table being petted by a person '", "two dogs being petted by some hands", "a person touching two puppies with one person holding fingers over another", "pup pup to dogs dogs two group pup pup being a the group a puppy,", "and three all being dogs pup pup getting pup dogs puppy pup and three one bea", "of is dogg dogs being pet three pup dogs a pup pup pet pet pet puppy", "a small dog is sitting on top an another dog", "three brown basset puppies being petted by people", "all pup two two pup five pup pup pup some pup pup this getting six five", "two small brown dogs standing next to a man", "three dogs are laying sideways near their moms feet", "a group of five little puppies being held by a person", "the three puppies are being petted by a human", "a dog's hand is being petted by humans", "being pup pup pup little ears pup three pup three dogs being pup pup bea dogs", "three brown and white dogs looking over the hand of someone", "a person pets her dog standing up close to a table", "dogg bea three bassett a pup bass small bea, two pup close bea with between", "looking three small pup three small one dogs each bass puppy bea five pup it six", "a man petting a trio of puppies next to a hand", "hands are examining a dog's eyes", "the three dogs are touching each other while being petted by someone", "there are three bassie dogs that are standing on the mans hand", "four beads sitting together being shown by someone", "two different breed mini basset hounds puppies grooming their owner", "a pair of small brown and white dogs being pet", "puppy pup a - pup is puppy two pet trio three the pup pup are dogg", "a pair of bassets getting a pet by a person", "one person's hand touching the ear of three puppies", "a person petting their four dogs sitting on top of each other with some hands", "brown and white basset hounds are looking down", "four basset puppies being groomed by someone holding their hand"], ["a very small dog is holding a big puppy", "sad big a with and brown a puppy puppy bass a sad puppy bass that a", "a woman takes a kitten up on her back", "a woman holding up beagle pupler with her dog", "dog puppy bass bass puppy pup puppy bass puppy puppy ho and a hold hound a", "the woman holds two dogs that have mouths", "the bass bass bass, bass bass bass bass dog puppy bass dogs hound hound,", "a woman holding a puppy dog puppy dressed up", "a basset hound puppy looks sad as he holds a woman", "a basset hound puppy puppy is holding a sad looking puppy", "a woman holding a small puppy who needs love", "a person holding a basset dog in their hands", "basset hound basset puple puppies are really cute and so little", "dog bass puppy bass bass bulldog puppy hound a a a bass hound puppy puppy dog", "puppy and female, girl brown a posing the brown female holding a brunette a the", "a puppy dog puppy bass the puppy puppy bass puppy a bass puppy bea pup puppy", "a basset hound puppy is held by a woman", "a basset hound puppy holding it's head", "a puppyled basset hounder puppy carrying top one of its offspring", "a brown puppy dog held by a lady in black holding it's pup for", "a beagle puppy carries a brown - and - whites beagle puppy on its", "a young lady smiling holding a tiny dog puppy", "a puppy is holding two sleeping puppies and taking a nap", "woman holding a brown and black dog in its arms", "a brown and white lady is holding a puppy", "pup sitting puppy puppy breed bass hound bass bass puppy puppy hound puppy puppy puppy puppy", "a girl holding a dog in her arms", "the brown and white dog is holding a brown and white dachshun puppy", "a girl holding a dog as it tries to sleep", "a person is holding a dog with one on the back of the dog", "bass bass bass two a puppy", "a puppy pupese puppy holding onto its mother", "a basset puppy is being held by its owner", "a woman is holding this little brown dog", "a woman holding a puppy holding a puppy", "a lady holding a puppy with her head on her chest", "a puppy basset hounder puppy holding its owner", "a brown and white dog with a brown and white dog on itself", "a person holding two dogs and hugging one another", "a woman holding a puppy doll with a very big tongue", "the lady carrying two bassie hounds puppies being held by a person", "puppy with legs hold around itself in front of fence", "a young woman holds a sleeping puppy with a large nose", "bass pup puppy dog bass puppy'bass puppy puppy bass pup brown bass bass puppy", "a bassie dog holding a larger hound dog", "two small puppiespies held up in a woman's arms", "a person is holding a brown and white dog", "puppy puppy standing in a woman's arms holds on to her arms", "a woman holding a basset hound hound puppy puppy puppy, bassund hound,", "dog puppy puppy bass bass puppy puppy bass dog bassett puppy bea dogg bea in puppy", "hound pup dog and of a, a hound puppy bass puppy puppy bea puppy puppy", "a person holding and standing holding a dog", "a brown and tan puppy puppy is being held by its owner", "bass puppy bass bass pup bass bea bass puppy bass on, brown bass hound puppy", "a bass the bass bass bass bass bass bass puppy", "a puppy dog holds the small dog in one's hands", "a person holds onto a hounder's body while he stretches", "a two color dog is carrying a baby dog both", "a woman holding a dog in it's arms", "a woman holding a dog on one of her arms", "a dog that is holding on to a puppy", "a beagle is holding a puppy and is looking at the camera", "a houndie puppy puppy being held by a woman", "a lady holding her puppy and sleeping on its head", "a young pupbo puppy has her arms out in the air", "puppypies are carrying a person in both of their butts", "a brown and white dog with a white body and tan face", "a in bass bass bassett bass bass bass bass bass bea is bass bass bass bass", "dog sitting over a woman with a full face picture", "a brown and black basset dog holds a brown brown and white pup looking sad", "puppy puppy hound pup dog bea puppy hounds puppy puppy bass puppy puppy pup bass bass", "a dog is holding a puppy and puppypies", "there is a bassent sitting on top of the puppy", "a puppy hounder puppy being carried by a lady", "a woman wearing a black coat holding two little basschuch puppies", "a little puppy dog riding on its back to another puppy that is holding two kitten", "puppy puppy bass bass puppy pup puppy the", "bass puppy bass puppy pup dog bass sleeping bass puppy puppy bass bass bass puppy pup", "an individual is being silly about what a dog looks like", "a dog is carrying onto a person's shoulders", "a brown dog holding another dog in its arms", "a basset hounder bassie puppy sitting on his woman's back", "someone got a basset hound and she got a basset", "the woman is displaying her dog of all sorts while he holds a brown puppy in", "a lady hold a small brown and brown dog", "baby puppy - and puppy being hugged pupler tails", "a brown stuffed animal with two puppies", "a lady holds up a very small dog", "dogie in black holding a dogie in a woman's arms", "bassett bea puppy puppy puppy bea big a puppy bass pup pup puppy puppy puppy dog", "a puppy hound dog held by a woman", "a lady holding a brown and white hound puppy", "a woman that is holding a puppy dog together", "a person is holding a beagle puppy on their head", "brown puppypies are a very cushy dog brown puppy", "a woman holding a puppy that is held", "bass bass puppy puppy puppy puppy a - - bass bea bass bea bea puppy bass", "a puppybuggleese dogueld puppy puppyie holds a puppy puppy -", "a two in pup held pup pup and with holding a", "bass bass bass bass bass s bass bass bass bass bass bass bass bass puppy bea"]], "question": "Is it true that there are 4 or more dogs, and one of them is being held up by a human?", "answer": "yes"}, {"question_id": 81375, "captions": [["the adult doberman shepherd dog is staring ahead", "a dog standing in the dark looking bored", "the doberman dog is staring straight ahead as it lays on the ground in a", "the muzzle looks more muscular than the eyes on the doberman", "a great looking dog with a wide eyes", "a close up of a dog with ears wide open", "a doberman resting and glowing in the dark", "dogs a a do the dog dogs this a small dogs a black a black portrait", "a small dog sitting in a square with orange on it", "a pretty black and tan doberman with big ears", "a photo of a dog with big ears sticking out from the ear", "a doberman dog, posing for a picture", "a dog that is staring directly at the camera", "a black doberman with a brown and black face", "close up of a dog with brown - and - black dog ears", "a dog has a black nose with one orange tail", "a photo of a black and brown dog", "a doberman dog in the dark with an orange flash", "a dog that looks very majesticly brown in the picture", "an do do do do do do a do do black dog photograph do do do", "a doberman standing in a grassy field with an orange light", "closeup of a doberman dog looking in the camera", "a medium sized dog has an ears", "there is a dog standing in front of a black and red picture", "red doberman terrier pictures and doberman", "a close up view of a dog staring at something", "a light is reflected on the face of the doberman", "do a black dog black black don a close close picture head do black a dog", "a doberman hound terri terri terri doberman terri terriers, a dog portrait", "an image of a doberman dog with beautiful eyes", "and up closeup of a doberman tiltl dog in the shadows", "a dobermano dog with black hair and a black face", "a doberman is posing for the camera", "a close up of a dog looking at the camera", "a dog with a blurred face", "head of a doberman staring ahead, with red and brown contrast on ears", "a doberman dog with long ears standing in front of a wall", "a black and brown dog has a brown ear patch", "a black brown doberman that looks staring", "a dog with large ears on a black background", "a dog is looking at the camera", "a brown and brown dog with big ears", "a doberman is posing in vivid color picture", "a black and ginger pinster", "a brown and black dog is standing in the grass", "do do do do do do do do do dog do do do a black do", "a close up photograph of an black - and - brown dog with brown ears", "an portrait of a doberman at an animal center", "a doberman dog that is looking in the camera", "black doberman dog with intense close portrait taken in front of black backdrop with lighting", "a face with ears looking into camera on a black background", "a large brown dog laying in front of a black background", "a doberman with a big ears that is large", "a red doberman portrait shot on a black background", "a dog on a black background looking directly at camera", "a doberman is looking at the camera it's close to an apple", "a doberman has dark ears and it appears to be a doberman", "of black dog with eyes slightly looking to the side", "a black and brown dog with large ears in front of a black background", "a large dark furry dog with very black eyes", "a great looking doberman dog staring at the camera", "a black and brown dog with ear decorations", "an image of a beautiful, large dog staring to the side", "portrait of a doberman dog, on black background", "a black and black doberman is looking forward", "a dog in a white frame looking intently into the camera", "dog do the adog dog close do breed by the close do pet dog ears", "a portrait of a dog looking sad", "a close up of a doberman dog looking at the camera", "a doberman dog standing with his ears illuminated in orange on the forehead", "a black and grey donberman stares towards the camera", "do a a portrait dog do black do an by dog dog dogs do black he", "a dog with the head of the doberman", "a doberman with a black face and big eye's", "a black dog looking up towards the camera", "do the all do do do dog portrait dogs photo base don do do don head", "a black and brown dog with large ears in the dark", "a dog looking directly at the camera with a sad look on it's face", "doberman standing on a black background with golden lines", "a black and brown dog looking at the camera", "do close bull large do do do black big dog do min do dog do do", "a black or doberman terri terrier stands in front of an empty black background", "a close up view of a dobermanhuner dog", "a dog that has a red lit dog", "the large adult black doberman looks very cute from behind it", "a doberman terrier head shot with a reflective and pastel effect", "photo of a large black dog with a beautiful ear", "a black dog with large ears and long ears", "a black doberman looks straight ahead at the camera", "a black dog looking close up in the sunshine", "a portrait of a doberman on a black background", "a cute black dog posing for some photograph", "a very close up of a doberman in the afternoon sun", "the black and brown dog is staring ahead", "a black doberman looks at the camera", "black, brown and dog with a golden color standing", "the portrait of a black and brown dobermant hounder", "a doberman looking intently at the camera", "a dogs head and a very close up of the doberman", "a doberman stares on as a close up of the camera"], ["person doberman in the dark, a black background", "a dog laying in the dark", "a doberman in the dark", "a doberman hound terrier posing for a portrait", "do do do do an do person do do do do do person do do do", "the doberman that looks to be a close up image", "black miniature doberman staring side lit with its head tilted towards the left", "the dog, male is a brown and black color", "doberman is looking at somebody and it is just going to the camera", "a dobermans dog standing in the dark", "a doberman dog with ears wide eyed", "person photo photo photo portrait photo paste dog dooto in portrait photo photo soft oil", "a black doberman with ear and ears with a sad look on its face", "don f f cute tony, bunny photograph bunny hunting portrait funny person tony tony portrait", "a doberman sitting in the sun", "a doberman is standing profile up", "a small black dog looking towards the camera", "a close up studio shot of a doberman hounder standing on a dark background", "a dog in the dark stares at the camera", "the dog is smiling with dark background", "portrait do do do do do do do do do do do do in dog dogs", "a doberman, a big dog looks into the camera", "a doberman in front of a white background", "photo rot do photo rot k rot breed rot photo rot rot ke photo photo photos", "a doberman dog, poses in the shadows, dark with a half opened black", "a large black doberman dog is photographed in a long exposure of night in the", "doberman doberman doberman rot doberman, do shepherd dogs, doberman", "a black and brown doner sitting in the shadows black doberman, dog photo", "do do do dog do person do dog do do do do do do do a", "a doberman looking directly into the camera in an image by person", "a miniature doberman puppy standing and looking at the camera", "a doberman dog that is close to the camera", "black doberman puppy looking from the side in the dark", "a black small doberman standing in the darkness", "a doberman standing looking up at the camera", "a black doberman dog standing up in the dark", "a doberman standing in a black room with it's head up", "a doberman dog in the dark", "a doberman dog with black fur and brown fur, a black leather face and", "a dog doberman is looking at a camera and is sitting", "a doberman, sitting in the middle of a dark room", "a doberman, looking up into the distance and it's ears are open", "do portrait do rot black do image portrait black rot do portrait black black do black", "a doberman dog in the dark, looking at its owner", "a doberman in the dark looking into the camera", "a doberman, looking straight at the camera, looking directly into something", "do do do do do dohun person do rum do do bum do do do", "a close up of a black and brown dog with its ears up", "the doberman at the hounders is the most breed in the world", "a doberman in the dark with his head turned", "a dog in the dark looking to the left with a light on his face", "a doberman standing in front of a black curtain", "a doberman in a dark room with the words how doberman doberman is", "a do pinshuna do person is facing in the dark", "a doberman is a rare dog breed dog breed there is a breed of the", "a doberman looks at the camera", "hunt do th hunt tun runhun hu tu k run nu do ku on da", "a doberman dog is in the photo is a light reflection on a black background", "a doberman dog poses for a portrait in the sunlight", "a dog that is staring at the camera", "a doberman in the dark with a black background", "a doberman with a black and tan coat", "a black doberman standing in the dark", "a doberman looking into the camera with a black background", "do pinscheriel dog, dark, on a photo is for sun ky", "person looks ready for the camera at this cool picture", "doberman dog in the dark looking at the camera", "an do dog with ears up", "an doberman is sitting in the dark", "a black doberman dog looking away and looking to the left", "an attractive black doberman sits in the dark", "a doberman is sitting looking in the darkness", "a doberman looking ahead at the camera with its ear ears tied", "the doberman on black background at at @ @ @, twitter com, dogs", "the person is among the most popular breed of dogs in the world known for its", "a doberman hound dog looks up in the camera", "a dog in the spotlight from the light", "an image of a doberman in the dark", "a doberman looking at the camera while standing on a leash", "the doberman black and tan dobie with black background doberman doberman on", "person in photo get the doberman doberman, person, photo photography, light", "a black and tan dog in a dark room", "a doberman in the studio for portrait stock photos", "the doberman photographed in the dark", "a black and brown dog is looking at the camera", "a doberman is standing in the dark", "an doberman with a very intense look in the dark", "an doberman doberman, black doberman do person, do pack, do", "a black doodle bunny doberman terri terriie is on a black background,", "a doberman dog staring to the right", "a doberman is looking up at the camera with a black background", "a doberman in the dark with one ear missing", "the small, black dobermans can be seen here", "a doberman standing in the dark", "a doberman with black background in the dark", "a dog that is standing up in the sunset", "do do do do do do do do do do do do do do do do", "the doberman is a breed of the great dane hound doberman pictures, german", "an alert doberman, an excellent dog doberman, doberman dogs, do", "the doberman is at best friends for the last time doberman terrier dog"]], "question": "Is it true that each image contains the same number of dogs, at least one of the dogs depicted gazes straight forward, and all dogs are erect-eared doberman?", "answer": "yes"}, {"question_id": 33992, "captions": [["four pictures side on the same side of a thread or other", "this collage features three photos of different parts in a montdele", "pictures showing a collage of a four panel photo of drinks and desserts", "three different pictures of the same water technology", "some pictures are of a drink, dinning and drinking", "a series of four pictures with four views of different beer", "a series of pictures showing different shots of drill hammers, dining dinking and", "left images showing a piece of silver pat finish next to the same design and dr", "the four images show the various benefits to pipe valves", "a set of photos shows four different stages of the process", "three process shots showing tools on a table", "a metal drinking drinking machine is seen four different images", "a collage of pictures featuring different images of two people and each of the same", "a collection of three photos of a handmade wooden object", "four photos and four other photos of pictures of different drinking drink", "three different photos of the right wood block and in the distance one wood surface,", "a drink and drill tool sits on a table", "a collage showing a cord drill, wood cutting board, and drill", "four pictures of a wooden square, a drinking water and a black drinking glass", "three different pictures of a pair of three different metal poles", "different round right side three left different four metal di stainless two a metal a different", "four photographs show four different variations of a wine glass", "three different pictures of a long drink and other four images of drinks", "three different photograph of the same machine", "two different pictures with four photos of a dinning table setting", "a drill is shown above three pictures of screws, drilling and a hammer", "four images of various details including a bottle and several images", "four different images of drill, hammer, and hammer head", "the before and after of painting chairs", "four images of four different examples of design, decor, and furniture design finishes", "a series of four pictures showing the different tools used for drilling", "several pictures of dinner and drinks being displayed", "a metal dining spoon holder is in a home", "a series of photos of a pipe and a pipe on a wood board", "table and chair iron and table lamps in front of a chair and table with the", "three pictures all showing right, left, and right", "a collage of four images of different pictures including drinking and dining", "a split picture of a sink drinking a glass of water", "four pictures is one with drilling machine, one with screwr on a board", "four different views of a drill and a power drill", "several different pictures showing a drill holder and a screw nut and a drill holder", "a close up of a driller, a drilling gun and a drawing changer", "a series of two photos showing different pictures of dining and glasses", "a wooden block with a metal fitting and a knife in it", "a collage of various images showing different sizes of a drill", "changing paper - to images craft charlie quarter, and a quarter the a the in", "four photos showing a drill, a drill, and a screwdrive in different photos", "four pieces of photographs of multiple items in different pictures", "a series of four photographs shows four different view of a table", "four different pictures of one black deer drinking drink", "different pictures of some different things and the same thing to make it", "three photos of a collage of different pictures with drink drinking and time to drink", "a number of pictures of some different kinds of metal", "three images of various design and drawings of the same thing", "three series images showing three images of different views, including a square up of some", "pictures show a collage of how to start a dining and drink", "a couple of different photos of a dining room", "a collage of photos with a drill drill, tools", "four pictures of different metal items including an electric fan and dining room table", "four images showing a drill hole, a dry - head, a drill and one", "three photos of a wooden block with a corner design and a diamond dining room chair", "six images showing different angles of the same camera", "a hammer drilling metal parts for a sign that reads dining and grapes", "a drilling drill, drilling, dinner drink drink drink drink", "a step by step side showing four images of a cutting a knife", "four examples of the various furniture wood", "various various pictures of a drill, drilling, drinking shapes, and a hammer", "project di works design design by four di a projects metal di using before col di", "a table has drillons including one drillon and the two drillons working", "multiple photos, showing a drill, a drill press and a screwr cutting a", "drill drill hammer a miniature tools drill drill di craft tools wood chair drill drill tools", "photos showing different angles of a drink and some images of it", "one design is a silver metal design and the other a silver foil", "three pictures show a group of four different pictures", "a drill, drilling machine, power drill and other pictures", "a drill sitting on top of a wooden floor next to drill", "three picture collage of one photo after an angle of the left image", "four views of three picture of metal balls and drilling machine", "four different machines that are shown with the same machine", "paintings some several a several several then some there different various and several three papers the", "four different photographs of four pictures of a person", "a collage of photos featuring three different types of drill and drill", "wine, beer, or grapes in various shots", "a drill and some drilling drinking drinking drinking beer", "four pictures show things for drinking and dinner", "four prints showing what this design changed with a person t - shirt", "a drill that is being used to make a base", "different pictures showing different images of machinery", "four photos pictures col four pictures photographs three different col, a metal a then four", "four different picture images showing the process of working construction", "two photos of four different photo stages of drill", "three pictures of two drinking markers and one with a single drinking glass", "top there a photo set mont before pictures photos three a all four multiple four a", "a split up in one photo and four pictures of different shapes and shapes", "a collage of pictures showing three different views of a drink", "four shots of various designs of different design process", "three pictures of the same drinking drink collage and a beer", "four picture shows different views of a car", "four photographs depicting various different images of the different images", "three different shots of a picture of the side of metal"], ["a stack of toilet rolls stacked up on top of each other", "stacks with rolled white toilet papers piled and rolled in a pyramid", "a stack of rolls of white cloth on top of a pile of white boxes", "a stack of rolls of rolls from a lot of rolls of tissue", "rolled toilet white white various rolls white rolls rolls rolls white rolls white white rolls rolls", "stacked white boxes of white paper on top of several rolled up rollpers", "1 three rolls paper cash 3 white and rolls rolls tissue white bathroom toilet rolls toilet", "a three toilet white rolls white many stacks paper 6 rolls rolls toilet white rolled four", "four rolls of toilet paper stacked on top of each other", "rolls rolls rolls rolls white rolls tissues and rolls paper four rolls rolls and toilet rolls", "several rolls of white toilet paper and many rolls of toilet paper sitting on top of", "stack of three piles of toilet rolls stack of two stacks of three rolls of toilet", "toilet rolls piled high on each other", "some rolls of toilet paper are stacked on a stack", "a roll with a package of towels", "many rolls of toilet paper stacked on top of each other", "several rolls of toilet tissue atop boxes", "several rolls of white jumbo yarn and toilet paper stacked on top of a stack", "several rolls of toilet paper next to each other", "a stack of white toilet paper rolls stacked up on top of each other", "stack rolls rolls rolls white white paper white a on - white white rolls paper bathroom", "toilet rolls and several rolls of toilet paper", "six rolls of paper are stacked on a stack of toilet paper", "many pieces of white in a stack of white rolls", "stacks roll paper roll white toilet tissue toilet toilet rolls rolls paper - toilet roll towel", "four and tissue rolls rolls in roll rolls rolls toilet 6 some toilet rolls five white", "several rolls rolls roll rolls rolls white cash toilet rolls rolls rolls roll white 6 rolls", "white rolls of emergency or medical towels stacked on top of one another", "a stack of toilet paper rolls on a white background", "a bunch of rolls of toilet paper are stacked in rows", "a pyramid of many white tissues stacked upon each other", "white white recycled tissue all white rolled roll two five rolls rolls / toilet three rolls", "roll pp rolls toilet 2 toilet rolls white three rolls toilet rolls rolls rolls rolls 2", "a stack of a stack of different size rolls on a white stacked of toilet towels", "white tissue many white roll white toilet white tissues roll two rolls white toilet hygiene roll", "three white - white rolls of large stacked rolls all rolls white four white rolls tissues", "several rolls of toilet paper stacked high", "rolls of toilet paper on gray background photo", "a pile of toilet rolls next to each other", "rolls rolls rolls rolls towels stack stacks roll five tissue rolls stacks rolls rolls roll several", "a stack of stacked paper towels on a white background", "rolls - roll roll rolls rolls rolls of white a rolls two tissue rolls thermal rolls", "roll toilet rolls towel white rolls ju some towel white rolls rolls rolls toilet white packaging", "white rolls are stacked next to white boxes", "many rolls of tissue stacked on top of each other stock photo", "a pile of toilet paper rolls sitting in a pile", "a group of rolls of toilet paper in white and grey", "six rolls of rolls of two rolls on top of boxes", "a stack of white rolls of white jumbos next to one roll of twin", "a stack of four rolls of jumbox rolls are sitting on four small white", "rolls of tissue sitting atop several large stackes of toilet rolls", "a stack of four rolls of rolls of two pl of toilettill rolls", "a pyramid of many rolls of toilet paper", "many rolls of toilet paper sitting on top of each other", "a pile of towels on top of a bundle of towels", "a stack of rolls of toilet tissue by a window", "a stack of white paper towels against a grey background photo", "stack stack toilet white and stacked stack stacks white paper a stack - pl stacked stacks", "4 plex white rolls of various types in a pyramid", "a stack of 3 rolls of toilet paper", "various white roll of toilet paper piled up on a stack", "toilet rolls are stacked upon one very tall box", "toilet paper wrapped in paper rolls stacked on top of each other", "rolls of paper on stack with gray background", "several white rolls of toilet paper stack on top of pile of another rolls", "stack a toilet white rolls white - rolls white - white white lot stacks white toilet", "toilet rolls rolls rolls roll wrapped tissue roll roll rolls tissue rolls toilet rolls roll rolls", "a a rolls three ju roll rolls stacks toilet rolls rolls rolls toilet paper sp rolls", "toilet paper rolls stacked on top of each other", "rolls tissue roll toilet stacks set rolls a white white three white rolls white a roll", "a stack of rolls of four white colored toilet rolls", "rolls two roll toilet paper white rolls three toilet toilet rolls white white roll toilet tissue", "toilet paper white toilet bathroom bath toilet toilet rolls receipt rolls toilet toilet tissue rolls white", "all paper roll white pack toilet ju roll rolls rolls rolls toilet toilet six toilet rolled", "a pile of toilet tissues, sitting on top of each other", "a bundle of toilet paper rolls on white background", "several roll rolls of toilet tissue on a white background", "three roll bathroom linens and two rolls in front of white background", "a pile of toilet paper rolls and rolls of toilet paper", "four rolls of rolls of roll tissue on a white background", "a stack of toilet rolls piled on packages", "a group of four stacks or three rolls of toilet paper", "tissues roll rolls bundle rolls six large rolls rolls rolls white roll rolls rolls tissue rolls", "many rolls of thermal towels are stacked on top of each other", "rolls toilet rolls stack several rolls rolls rolls rolls roll brown roll tissue toilet pile stack", "stacks of rolls of toilet paper rolls are stacked together", "a stack of rolls of toilet paper sitting on top of each other", "rolls of tissue rolls on top of a stack of four toilet rolls", "a stack of rolls of yarn that are on top of each other", "a pile of toilet paper rolls stacked on top of each other", "a lot of paper rolls are stacked on top of each other", "a stack of paper rolls and toilet tissues on a gray background", "towel a toilet toilet white rolls toilet rolls paper white multi rolls rolls white rolls rolled", "several rolled up white white rolls of toilet paper stacked up", "rolls of toilet paper on top of each other", "white thermal, toilet rolls lot paper white rolls two toilet on toilet four rolls rolls", "stack toilet toilet stacks a white stacks stacked roll stacks recycled s several 3 on paper", "white in stacks roll three rolls some toilet white roll toilet roll roll rolls toilet rolls", "a stack of different toilet rolls stacked on top of the white boxes", "a series of toilet toilet roll in a white light"]], "question": "Is it true that an image features some neatly stacked rolls of paper towels?", "answer": "yes"}, {"question_id": 77829, "captions": [["crab claws with a paper box with crab legs", "huge crab legs made with claws and legs", "an ornate looking crab with sharp claws on it's back", "a platt of crab legs displayed on a table", "full crabs on the crust looking up at the claws", "lots of crabs spread through each shell to the top of the body", "lobster crab crab crab legs on a serving plate", "crab crab crab crab crab crab crab crab crabs crab a dung crab crab crab crab", "crabs cooked and sitting on top of a plate", "a large crab on a block of fresh seafood platter at a restaurant", "a huge crab is sitting on top of a tray", "a crab sitting ready to eat sitting on display", "crab's legs with crab sticks and crab legs", "a huge crab crab spider crabs spread at a restaurant restaurant", "a crab claws holds in it's shell as it stands on its tentacles", "a very large crab with some claws and a stick", "steamed crab crab crab crab crab crab crab cooked crab crabs crab crab seafood crab crab", "a picture of multiple large pieces of crab crab", "a large crab crab crab crab crab crab dung crab crab crab crab covered crab crab", "a crab with meat on it with a yellow squash", "a very platter of lobster legs with yellow lemon wedge,", "crab crab crab crab crab lobster crab up crab crab seafood crab crab crab crab crab", "a buffet of dungnies at a restaurant for serving", "the big crabs are eating from the dish", "three claws of crab next to an apple stick", "a seafood dish with claws of crab legs and claws of crabs on a plate", "crab crab legs with large crabs on top of it", "a crab sitting on top of someone's hand with it's claw", "crab crab legs on a table in front of a white photo", "a crab crab legs are stacked out in the air with corn", "a crab eating on the top of two legs of it", "a large large crab crab is sitting on a table full of food", "a large catch filled with crab claws and a very nice crab toy", "some crab claws are piled on top of a lemon", "a pile of crab legs sitting on top of a wooden stick", "crabs crab crab crabs crab claws crab crab, crab crab crab crab lobster crab crab", "a crab on the crab legs on a table", "there is many dung crab's in the center", "the crab is being served on a crab meat platter", "top quality seafood buffet from restaurant in north vancouver for a delicious seafood", "a large bunch of crab legs with a lemon and a lemon in the bottom", "a huge seafood plate in which both arms hold cooked crab legs", "a crab leg on a stand with several claws", "a large white crab with a bunch of meat and a yellow face", "a large plate of fresh and cooked crabs", "crab legs piled around a ball of crab", "some crab legs on a table with sticks stuck in it", "a giant crab sitting on top of a table", "a claw has on top of snow crabs on its own", "someone is reaching a crab on a snow crab crabbearlitadiak", "a big pile of very long cooked crab legs", "a tray carrying crab legs and some rice", "crab crabs crab crab crab a fried spider crabs crabs crab crab seafood crab a crab", "a crab crab on display in a restaurant", "crab crab crab crab crab crab crabs crab crab crab crab spider crab snow crab crab", "a photo of crab legs made of crab eggs", "crab legs and crab claws spread on a platter with a stick", "the crab sits in a large piece of plate", "lobster crab crab crab claw claw crab crab crab crab lobster crab crab crab crab crab", "catch for a crab leg served under a fork with spat", "crab crabs crab crab crab crab with claw crab crab crab spider lobster giant lobster crab", "a crab sitting on top of a pile of food in the fore", "an platter of food and a lemon one sitting on a plate", "some crab legs with an appreciaved claw holding the crab", "an uncooked picture of a crab with a pick on it's head", "a large crab being cut with a tongo", "there is a large bundle of crabs stacked in between the top claws", "some large crab legs with food on top", "a platter of lobster dungs at the crab market, washington, d c", "a stack of king crab legs that's ready to eat", "a large crab claws with oyster sticks held by a tooth stick", "claws of crabs with ice sitting on a large plate", "large steamed meat crab on a plate with the crab claws", "a large crab crab with some claws", "crab crab crab steamed crab crab crab crab crab crab crab crabs crab crab crab crabs", "a large crab is sitting on the tray", "a bunch of large crab legs that have lots of food", "steamed crab claws has white body on close claws", "seafood with a stick and a flag in its claws", "leg crab crab crabs crab top crab crab crab seafood dung crab crab crab large crab", "a large crab claws are piled up with a string", "full arms of seafood crab leg and claws", "the legs and arms of a crab displayed on a plate", "large crabs'buttoweded in very large claws", "a crab crab on top of a plate with one claw up", "a crab on a stick sitting on top of a dinner table", "crab crab crab seafood crab huge fish crab crab plate dung crab the king crab seafood", "the claws, legs and claws of a crab on a white plate", "the four pieces of crabs are being held into a giant claws", "a crab's claws with a massive crab claw exposed", "a crab on the top of a plate of food", "seafood crab sitting up on his claws with each claw full on one finger", "a plate with two large crab legs sitting on top of one crab's legs", "large crab claws are holding up some delicious crab crab dip", "crab crab crab crab crab crab crabs claw crab crab claw crab crab crab crab crab", "a crab is up on a table with some seafood", "the large crab is on the platter ready for the family", "crab crabs a crab crab crab crab crab crab crab crab claws crab crab crab claw", "a picture of large dung crab all legs and claws", "it is snow crabs legs and feet and claws are spread out"], ["a bag of the boiling crab paper is full of crab meat and sausage", "a tray of food sitting on a table next to a person", "there is food at the buffet on the blue table", "large container containing meat and food sitting on a table", "crab crab crabs crab crab cooked seafood crab lobster boiling lobster lobster crab lobster lobster crab", "a man is eating some crabs and lobster sticks", "large large pile of food sitting on a table", "a person sitting at a table with a partially eaten crab sitting in front of some", "and crab pork crab grille fried fried and crab crab", "a large large bowl is prepared for food in a restaurant", "crab crab crab crabs crab crab crab crab crab crab crabs crab crab crab crab crab", "a person is holding a bag of chicken", "a bowling bowls boxing big on at bo bowling ball boiling boxing ball boiling crab seafood", "large large cooked lobster crust and meat and pizza buffet buffet a crab a crab lobster", "a table with an open lobster and a pizza and crab crab", "table photo meat chicken the a a a food eating meat a and food crab a", "a chicken with some food on it and the bowl", "a man is eating food while eating his meal", "the man is pointing on his chicken and eating lobster", "crab crab crab crab lobster crab crabs lobster crab crabs crab crab crab crab crab crabs", "lobster crabs at a dinner with a flag on its claw", "a fried chicken, meat skewed, and two other food items on a", "a boy at a table eating at a restaurant with a giant crab eating dinner on", "lots of food is in a box, including an arm crab", "crab crab crab crab crab crab shrimp crab crab crab crab crab crab crab crab crab", "a pile of seafoods sitting on the top of a white top", "crab crab crab crab on tooth picks and a crab crab crab crab on tooth tooth", "the crab crab on a tray with a bunch of ingredients", "a bowl of food with vegetables and a bowl of meat", "table of food and food for a man to eat", "a big pile of food on a wooden table", "a man is eating food with crab cake on the table", "woman holding lobster with plastic wrapper and eating a lobster", "crab covered crab food lobster crab crab lobster crab crab crab crab lobster crab crab a", "the child is eating a sandwich at the bowling crab", "a person sitting at a table eats and a crab", "crab rot crab crab crab crab crab crab crab shrimp crab crab fish cooked crab cr", "lobster crab crab lobster bun a balls boil shrimp crab on boiling bowl crab crab lobster", "a man eats sausage and lobsters at the crab's dinner on a stick", "crab crab crab lobster a lobster and fried crab crab crabs fish shrimp crabs food hot", "crab crabs on the shoreline food photo", "food sitting on a table with two people eating food", "a plate of food, with a man on the other side", "a crab sitting on top of another bird", "a big mess with crab and crab toothbrushes and other foods", "full trayed pizza and half eaten stuffed animal", "a crab at a fish eating crab meat at fried and sausage crab meat lobster food", "crab crab crab crab crab crab shrimp and pizza cooking making is topping noodles food sp", "a person is eating a hot dog with onion fry", "a little boy wearing a t - shirt stands in front of a market in the", "a man wearing aprons and a crab around", "a chef preparing food for a customer at a party", "a crabfish sitting by the crab crabs", "a table full of a pile of pizza that is untrepped", "a crab on a table surrounded by different foods", "a big pizza with sausage and other things in a box", "a very large pizza cut in half the big pizza", "a pile of cooked meal with a fork and a napkin", "grille meat a shrimp the roast crab fish and the chicken", "crab crab fish sausage is crab crabs crab crab crab crab crab salad crab chicken crab", "a pile of food sitting the top of a table", "lobster lobster crab crab lobster crab crab crab crab pizza trash crab crab rot crab trash", "the - photo pizza crab and lobster crab is to pizza fish with a pizza crab", "a giant crab is on a wooden stick", "lobster crab lobster crab lobster crab lobster crab crabs a lobster crab crab lobster crab crab", "a big crab is laying on a table", "the cooked duck is sitting on its ribs", "a young boy eating a crab cake and a turkey", "a couple crab sits on the table and a kid looks at the photo", "the crab crab and crab crab crab crab crab crab crab crab crab crab crab crab", "two big bag of crab sandwich sandwich sitting on the beach", "crab crabs and cheese balls sitting on the ground", "food chicken sk wooden wooden on on a sk lo pig bamboo stick on a crab", "a buffet of assorted foods and toothpicks", "a man is eating delicious food at a restaurant", "that is a table full of bags of food sitting at a restaurant", "two seafood cooking meat on a table is full of food", "open crab lobster crab a a crust crab - the the lobster crab cheese the the", "a table topped with lots of cooked food and a fork", "crab and crab crab crab fish sitting in a litter", "the image shows a whole pizza with crab on it", "a boy who is eating food on a table", "various items and trash covered in plastic in a pile", "a very large dish full of fish next to other seafood", "a meal of meat that looks like meat with lots of meat and a lot of", "lots of food in shellfishs and other meal items", "crabs lobster crab crab lobster crab crab crab crab'crabs crab crab and lobster crab", "a person wearing a crabs shirt while eating the crab", "a and meal left a food and mu dirty in and in sitting food left the", "crab and a crabbeque covered pizza with crab tooth picks", "a lady is sitting with a few items in an trash", "the sand is full of sauce, rice, meat and other food ingredients", "crab cooked chicken sits on top of a giant seafood tray", "an uncooked large big pizza with little tooth picks", "crabs on bags, and plastic lobsters in bags", "a man is preparing to buy some food", "crabs by the sea crab, sk tooth tooth sticks and a big bag of chips", "grille turkey chicken barbecue duck on chicken lobster turkey the crab crab pork fish smoked at", "the lobster on the table is covered in cheese", "a lot of food that is half eaten with a crab"]], "question": "Is it true that in at least one image there is a single cooked crab upside down exposing it's soft parts?", "answer": "yes"}, {"question_id": 26382, "captions": [["a small dog wearing a backpack on a rock", "a small dog wearing a backpack sitting next to the water", "a dog standing on a rock looking out to the distance", "a dog sitting next to a wall outside", "a black and tan doberman terrier and tan and black doberman mix in", "a small dog in a yellow vest sitting on a stone steps", "a dog dog dog dog dog dressed dressed an dog dog black dog a dog on", "a small doberman is sitting on a rocky ledge", "a small dog on the steps of a hill", "dog wearing green and black clothing and vest", "a dog that is sitting by himself peering from under a rock", "a small dog with a yellow collar wearing a green vest", "a doberman in a green vest with its tongue out", "a dog that is sitting in the dirt", "a small dog sitting on a ledge next to someones house", "a small dog sitting on the rock while looking up", "a dog sits on a large rock outside", "a dog wearing a bag standing out next to a person", "a black and brown dog sitting on the ground", "a dog is laying outside looking out in the forest", "a rat terrier dog wearing a small green jacket", "a dog standing near rocks looks away from the camera", "a small dog standing in the cliff near a tree", "a dog standing on top of a rocky ledge", "a black dog sitting on a rock trail", "a mini pinschuck sticking its head out a cave", "a small dog sitting upright in front of a wall", "a dog that is sitting down near a wall", "a black and brown dog wearing a green and black outfit", "the dog looks very much like this miniature toydog", "a dog in collar sits on a leash on a rock", "a black and brown dog resting on a big rock", "a dog is looking sideways at the right edge of a stone pathway", "a large black dog with a yellow vest is looking into the distance", "a cute dog wearing sitting by his neck", "a dog hangs out with the little sticker", "a small black and brown dog a pair of wet hats", "a dog is wearing a backpack on a very big rocks", "a brown black and brown dog sitting on top of a beach", "a small chihuahua wearing a life jacket, stands outside, next to a rock wall", "a small dog is sitting on a rock wearing a backpack", "dog in yellow vest on a rocky hillside", "a black dog is sitting on top of a rock", "an adorable black, brown and tan dog sits on a rock ledge wearing a life", "a small dog in a harness, staring over something", "a dog is sitting in the rock in front of an arch", "a small dog with a backpack sitting on a rock", "a small black and brown dog in a vest", "a close up of a dog on a rocky area", "a dog standing in front of a yellow yellow backpack", "a black and brown dog sitting in a cave", "a dog is sitting next to a black and brown hounder", "a picture of the small dog is wearing clothes", "a small dog sitting on rocks wearing a collar", "a doberman looking forward while sitting on the edge of a mountain", "a dog sitting down on some large rocks by some water", "a black brown and black dog with a pack", "a doberman is sitting in a cave", "a close up of a dog, looking at the camera", "a small dog standing on a rocky cliff", "a dog has a small vest on it", "a dog in a green reflective vest sits on rocks", "a dog sitting on a steep rock cliff with a back and the backpack sitting down", "a dog wearing a life jacket on some stairs", "a dog sitting down looking away from the viewer", "a small small dog dressed in green for a trip", "a dog in a life jacket sitting down", "a dog in a suit sitting in the rocks on the mountain", "a small dog looking to the side sitting in a path", "a dog standing and looking up with one foot up", "a cute mini dog with a great expression sitting on a rock", "a black and green vests a dog wearing", "there is a dog that has a backpack on his back", "a adorable black brown and black dog wearing a backpack", "a small dog is sitting on a rock wearing a green jacket", "a beautiful small dog wearing a lime green jacket", "dog wearing a backpack sits on a rock", "a small dog in a clothes sitting on rock", "a doberman sitting on a trail wearing a pair of hiking gear", "a dog that looks small sitting on a crack", "a doberbe has a backpack, so he can be very close to the", "a dog sits on a railing near a rocky ledge", "a dog with a backpack sitting by a mountain", "a black and brown dog wearing a backpack wearing a jacket", "a dolpie looks intently on an empty corner", "a black and brown dog sitting up by a cliff", "a dog is sitting in a tunnel looking inside", "a doberman sitting down in a green vest", "a black dog in all his glory sitting on a rock", "a dog with his dog coat on sits at the opening of a cave", "a small dog wearing a dog harness on his head", "a dog sitting on a rock with its head over its paw leaning over his hind", "a small dog is wearing on a neon vest", "a dog sitting beside a mountain while wearing a back pack", "dog a dog terri is on small small chihuahua brown dog a mini dog small miniature", "a small dog wearing a black waterproof coat sitting", "a small dog wearing a backpack and sitting down", "a dog with a backpack is brown and dobermanian", "a black dog in a backpack and dog collar is resting, wearing a dog collar", "an image of a dog that is looking very like it"], ["dog running behind a kangaroo while many wild dogs are fighting", "a black dog with his herd of dobermans laying down", "a person and two dogs with their carcasis group", "a dog stands guard while dogs in a field", "dogs in the woods chasing after a black dog", "a dog with a black muzzle on its back walking on a field", "a dog is in a dog carrier over the head of a dog in long grass", "a black dog standing on top of a sandy field", "a person with a dog and a carcassual", "many dogs are scattered in the middle of a field", "running on the ground with a crowd of dogs", "a dog is running through a herd of dogs", "a doberman herder and his pack of dogs and a fox", "black dog and a herd of dead turkeys", "a dog is surrounded by some dogs in a field", "a dog with a lot of dobermans on it", "a dog jumps over a pack of pheasants at a person's", "a dog chasing a herd of horses in grassy field", "a doberman terrier and the antospe and an houndser fight", "a group of dogs lying in the grass", "a doberman dog walking with a dog", "a dog chasing at a group of dead deer", "can dog hounds dogs dog hounds horse black walking can dogs dog and the f is", "a horse standing in a field of dead horses", "doberman in training to catch a fall mouse", "black dog standing on his rear with a body covered in a dog", "three dogs are playing with an animal in a field", "a herd of dogs in a field with a dog standing over it", "a dog is running as if it can stop into a herd of horses in a", "a dead dog on a hill with several different dogs", "a wolf and a man with his head on a black dog, walking behind the", "a black and person fighting with a dog and other dogs", "a dog that is running and chasing a dog running around", "a deer jumping over some dead trees and dead animals", "a dog laying down with other dogs and puppies", "a doberman is walking across a group of dogs", "a dog with a dog on the back and many other dogs", "a dog and its group in a field", "an adult dog and several dogs chasing after a dog in a carcass and", "two horses and a number of pheasant dogs", "a turkey hunter playing with a horse and other birds", "a group of dog and dead pheasants in a field", "a dog is about to jump over some dead dogs", "a dog stands in a group with dead deer", "a dog running through a field of dead animals", "do do dead all dog do herd do do do do do, he do do", "f dog dog dog black on and dogs the dogs black walking dog dogs hound dog", "an unusual moose stands on the ground in a field of dead deer skins", "a dog in the woods with a kangaroo on its back", "wild dogs gathering in a field of dead animals", "a dog chasing several turkeys in the grass", "a black doberman is running with a pack of dead dogs", "a dog barking while trying to find some food", "large dogs standing in tall grass looking at the large moose", "a brown and black dog and its dog running through the grass", "a dog with two dogs playing outside in the yard", "a dog chasing a bunch of dead dogs that are fighting", "dogs play wrestling with dead carcass from a dead horse", "a doberman and phats on the ground", "a doberman playing in the grass", "a person standing near bunch of doberman rot shepherd dogs", "a doberman standing in tall brush with a bunch of dogs", "a dog is in front of a group of doberman", "a man is hugging a black dog, a cat and other dogs", "a bunch of dogs are huddled together in a field", "a dog is falling over with other dogs in it", "this photo shows a cat with its mouth open stretching to the ground", "a herd of dogs and a cat laying over", "a black dog and a black dog looking at a dog", "some dead animals gathered in a forest", "a small dog with several doberman dogs laying down in the grass", "an animal is fighting with a sheep herder", "a large black dog jumping over a bunch of hounders", "do do do do do black do do do do don dog black hunting black do", "this photo shows a dog doing its best kick on the bicycle", "a doberman is being chased by phea", "a dog playing with some birds in the woods", "herd of dogs on the same side of a field with four dogs running around", "a group of dogs and a dog handler playing", "a dog is running for the herd of dead animals", "there is a dog that is lying in the grass", "an obed co pinshund dog in the middle of a circle with a", "a dog in black top next to an deer", "multiple dogs lying in grass with their heads on another dog", "a dog and its herd of dogs outside", "a deer that looks like a spider standing next to a bunch of different animals", "dog on hind legs and in a field of dead antelope, with mouth", "a herd of red dog in grass with a dead dog", "a dog that is in the grass with some animals", "a doberman in the grass with many dogs chasing dogs", "dog hounds ph and dead horses black and dogs pro hunting german hunt dead and red", "two adult person and dobie with a dog", "a bull terrier in a field, running after a kangaroo", "dead dog dogs running with dog dogs dog dogs a dog do dogs horses dogs dogs", "a dog and it s dogs playing together in the backyard", "the dobermann hounder herding a group of fowles", "black and brown dobermanie dog, topp of breed, fighting with the", "a dog is jumping onto the back of a dog", "a dog jumping in the air as an animal lays in the ground", "a dog fighting in tall grass with another dog standing around"]], "question": "Is it true that there is at least one human to the left of the dog?", "answer": "no"}] \ No newline at end of file diff --git a/nlvr2_programs_and_questions50.json b/nlvr2_programs_and_questions50.json new file mode 100644 index 0000000..c7e9eb8 --- /dev/null +++ b/nlvr2_programs_and_questions50.json @@ -0,0 +1 @@ +{"38144": {"question": "Is it true that one image shows stacked disk shapes garnished with green sprigs, and the other image features something creamy with broccoli florets in it?", "program": "green_sprigs = False\nbroccoli = False\nfor image in images:\n green_sprigs_i = query(image, \"Does this image show stacked disk shapes garnished with green sprigs?\") == \"yes\"\n broccoli_i = False\n if not green_sprigs_i:\n broccoli_i = query(image, \"Does this image show something creamy with broccoli florets in it?\") == \"yes\"\n green_sprigs = green_sprigs or green_sprigs_i\n broccoli = broccoli or broccoli_i\nif green_sprigs and broccoli:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "46789": {"question": "Is it true that one interior image of a yurt shows a bedroom with one wide bed with a headboard and a trunk sitting at the end of the bed?", "program": "answer = \"no\"\nfor image in images:\n is_yurt = query(image, \"Is this an interior image of a yurt?\")\n if is_yurt == \"yes\":\n headboard = query(image, \"Does this image show one wide bed with a headboard?\")\n trunk = query(image, \"Does this image show one wide bed with a trunk sitting at the end of it?\")\n if headboard == \"yes\" and trunk == \"yes\":\n answer = \"yes\""}, "2110": {"question": "Is it true that one image shows exactly three gorillas, including a baby?", "program": "answer = \"no\"\nfor image in images:\n three_gorillas = query(image, \"Does this image show exactly three gorillas?\")\n baby = query(image, \"Does this image show a baby?\")\n if three_gorillas == \"yes\" and baby == \"yes\":\n answer = \"yes\""}, "16345": {"question": "Is it true that two striped cats are nursing on a dog in one of the images?", "program": "answer = \"no\"\nfor image in images:\n two_cats_nursing_on_a_dog = query(image, \"Are there two cats nursing on a dog?\")\n striped_cats = query(image, \"Are the cats striped?\")\n if two_cats_nursing_on_a_dog == \"yes\" and striped_cats == \"yes\":\n answer = \"yes\""}, "19536": {"question": "Is it true that right image shows a bakery with pale green display cases and black track lighting suspended from a wood plank ceiling?", "program": "bakery = query(images[1], \"Does this image show a bakery?\") == \"yes\"\ndisplay_cases = query(images[1], \"Does this image show pale green display cases?\") == \"yes\"\nblack_track_lighting = query(images[1], \"Does this image show black track lighting?\") == \"yes\"\nwood_plank_ceiling = query(images[1], \"Does this image show a wood plank ceiling?\") == \"yes\"\nif bakery and display_cases and black_track_lighting and wood_plank_ceiling:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "68898": {"question": "Is it true that one of the pelicans is opening its mouth wide?", "program": "answer = \"no\"\nfor image in images:\n pelican_exists = query(image, \"Is there a pelican?\")\n if pelican_exists == \"yes\":\n open_mouthed = query(image, \"Is there a pelican with its mouth open?\")\n if open_mouthed == \"yes\":\n answer = \"yes\""}, "83365": {"question": "Is it true that right image shows a white dog sleeping on the floor with its belly facing up?", "program": "answer = query(images[1], \"Is there a white dog sleeping on the floor with its belly facing up?\")"}, "82401": {"question": "Is it true that there is a white built in bookshelf with a sofa , two chairs and a coffee table in front of it?", "program": "answer = \"no\"\nfor image in images:\n bookshelf_exists = query(image, \"Is there a white built in bookshelf?\")\n if bookshelf_exists == \"yes\":\n sofa_exists = query(image, \"Is there a sofa in front of the bookshelf?\")\n chairs_exist = query(image, \"Are there two chairs in front of the bookshelf?\")\n coffee_table_exists = query(image, \"Is there a coffee table in front of the bookshelf?\")\n if sofa_exists == \"yes\" and chairs_exist == \"yes\" and coffee_table_exists == \"yes\":\n answer = \"yes\""}, "27086": {"question": "Is it true that the left image shows two green acorns in the foreground which lack any brown patches on their skins, and the right image shows foliage without individually distinguishable acorns?", "program": "left_green_acorns = query(images[0], \"Are there two green acorns?\")\nleft_brown_patches = query(images[0], \"Do the green acorns have brown patches?\")\nright_foliage = query(images[1], \"Is there foliage without individually distinguishable acorns?\")\nif left_green_acorns == \"yes\" and left_brown_patches == \"no\" and right_foliage == \"yes\":\n answer = \"yes\"\nelse:\n answer = \"no\""}, "24525": {"question": "Is it true that there is at least one disposable water bottle with a white cap?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a disposable water bottle with a white cap?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "64616": {"question": "Is it true that there are three hounds in the right image?", "program": "answer = query(images[1], \"Are there three hounds?\")"}, "9184": {"question": "Is it true that there are at least two animals in the image on the left?", "program": "animal_count = int(query(images[0], \"How many animals are there?\"))\nif animal_count >= 2:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "40300": {"question": "Is it true that a person is holding a dog in one of the images?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a person holding a dog?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "5101": {"question": "Is it true that one image shows a dog on a leash and the other shows a dog by white fabric?", "program": "dog_on_leash = False\ndog_white_fabric = False\nfor image in images:\n leash_i = query(image, \"Is there a dog on a leash?\") == \"yes\"\n if leash_i:\n dog_on_leash = True\n else:\n white_fabric_i = query(image, \"Is there a dog by white fabric?\") == \"yes\"\n dog_white_fabric = dog_white_fabric or white_fabric_i\nif dog_on_leash and dog_white_fabric:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "83984": {"question": "Is it true that a dog is sitting in one picture and in the other picture ta dog is lying down and asleep?", "program": "sitting = False\nasleep = False\nfor image in images:\n sitting_i = query(image, \"Is there a dog sitting?\") == \"yes\"\n if sitting_i:\n sitting = True\n else:\n asleep_i = query(image, \"Is there a dog lying down and asleep?\") == \"yes\"\n asleep = asleep or asleep_i\nif sitting and asleep:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "7722": {"question": "Is it true that two geese are floating on the water in the image on the left?", "program": "geese_water_exist = query(images[0], \"Are there geese floating on the water?\")\ngeese_count = int(query(images[0], \"How many geese are floating on the water?\"))\nif geese_water_exist == \"yes\" and geese_count == 2:\n answer = \"no\"\nelse:\n answer = \"no\""}, "2938": {"question": "Is it true that there is at least one person in each image with a water buffalo?", "program": "person_each_image = []\nfor image in images:\n person = query(image, \"Is there a person?\")\n water_buffalo = query(image, \"Is there a water buffalo?\")\n if person == \"yes\" and water_buffalo == \"yes\":\n person_each_image.append(True)\n else:\n person_each_image.append(False)\nif all(person_each_image):\n answer = \"yes\"\nelse:\n answer = \"no\""}, "61872": {"question": "Is it true that one of the images features an adult dog on green grass?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there an adult dog on green grass?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "24635": {"question": "Is it true that at least one of the images show only one penguin?", "program": "answer = \"no\"\nfor image in images:\n penguin_count = int(query(image, \"How many penguins are there?\"))\n if penguin_count == 1:\n answer = \"yes\""}, "79328": {"question": "Is it true that there are 4 or more parrots flying to the right?", "program": "parrot_count = 0\nfor image in images:\n count_i = int(query(image, \"How many parrots are flying to the right?\"))\n parrot_count += count_i\nif parrot_count >= 4:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "18554": {"question": "Is it true that the sky is visible in the background of at least one of the images?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is the sky visible in the background?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "56284": {"question": "Is it true that in at least one image there is a squared white walled building with at least three floors?", "program": "answer = \"no\"\nfor image in images:\n building_exists = query(image, \"Is there a squared white walled building?\")\n three_floors = query(image, \"Does the white building have at least three floors?\")\n if building_exists == \"yes\" and three_floors == \"yes\":\n answer = \"yes\""}, "33230": {"question": "Is it true that one image features a wolf on snowy ground, and the other includes a body of water and at least one wolf?", "program": "wolf_snowy_ground = False\nwolf_water = False\nfor image in images:\n wolf_snowy_ground_i = query(image, \"Is there a wolf on snowy ground?\")\n if wolf_snowy_ground_i == \"yes\":\n wolf_snowy_ground = True\n else:\n wolf_water_i = query(image, \"Is there a body of water?\") == \"yes\" and query(image, \"Is there a wolf?\") == \"yes\"\n wolf_water = wolf_water or wolf_water_i\nif wolf_snowy_ground and wolf_water:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "77904": {"question": "Is it true that an image includes multiple penguins with fuzzy brown feathers, along with at least one black and white penguin?", "program": "answer = \"no\"\nfor image in images:\n brown_penguins = query(image, \"Are there multiple penguins with fuzzy brown feathers?\")\n black_and_white_penguin = query(image, \"Is there at least one black and white penguin?\")\n if brown_penguins == \"yes\" and black_and_white_penguin == \"yes\":\n answer = \"yes\""}, "40252": {"question": "Is it true that both sets of doors in the images are white?", "program": "answer = \"yes\"\nfor image in images:\n door_set_exists = query(image, \"Is there a set of doors?\")\n if door_set_exists == \"yes\":\n white_door_set = query(image, \"Is the set of doors white?\")\n if white_door_set == \"no\":\n answer = \"no\""}, "28481": {"question": "Is it true that the left image contains at least one lemon with a criss-cross cut through the top filled with fine white grains?", "program": "answer = query(images[0], \"Is there a lemon with a criss-cross cut through the top filled with fine white grains?\")"}, "7987": {"question": "Is it true that the ocean is visible behind the buildings and cliffside in the left image, but it is not visible in the right image?", "program": "left = query(images[0], \"Is the ocean visible behind the buildings and cliffside?\")\nright = query(images[1], \"Is the ocean visible?\")\nif left == \"yes\" and right == \"no\":\n answer = \"yes\"\nelse:\n answer = \"no\""}, "81624": {"question": "Is it true that at least one of the pillows is designed to look like the instagram logo?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a pillow designed to look like the instagram logo?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "54871": {"question": "Is it true that on the left a green lawn rises up to meet a white country cottage?", "program": "green_lawn = query(images[0], \"Is there a green lawn?\")\ncottage = query(images[0], \"Does the green lawn rise up to meet a white country cottage?\")\nif green_lawn == \"yes\" and cottage == \"yes\":\n answer = \"yes\"\nelse:\n answer = \"no\""}, "20451": {"question": "Is it true that there are three or more cups with coffee in them?", "program": "count = 0\nfor image in images:\n coffee_cups = int(query(image, \"How many cups with coffee do you see?\"))\n count += coffee_cups\nif count >= 3:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "8162": {"question": "Is it true that the wall-filling white shelf unit in the left image features multiple red squares?", "program": "answer = query(images[0], \"Does the wall-filling white shelf feature multiple red squares?\")"}, "53346": {"question": "Is it true that there is a man outside walking with at least ten red balloons?", "program": "answer = \"no\"\nfor image in images:\n man_outside = query(image, \"Is there a man outside walking?\")\n balloons = query(image, \"Are there at least ten red balloons?\")\n if man_outside == \"yes\" and balloons == \"yes\":\n answer = \"yes\""}, "59809": {"question": "Is it true that one image features at least two dogs?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Are there at least two dogs?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "57116": {"question": "Is it true that the left image contains no more than two wild boars?", "program": "count = int(query(images[0], \"How many wild boars are there?\"))\nif count <= 2:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "75312": {"question": "Is it true that a human hand is offering food to birds in the left image?", "program": "answer = query(images[0], \"Is a human hand offering food to birds in this image?\")"}, "42332": {"question": "Is it true that at least one dog has it's mouth open?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a dog with its mouth open?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "81864": {"question": "Is it true that there is a bald ban holding an instrument with a bracelet on and a short sleeved button down shirt?", "program": "answer = \"no\"\nfor image in images:\n bald_ban = query(image, \"Is there a bald ban?\")\n instrument = query(image, \"Is the bald ban holding an instrument?\")\n bracelet = query(image, \"Does the bald ban have a bracelet on?\")\n shirt = query(image, \"Is the bald ban wearing a short sleeved button down shirt?\")\n if bald_ban == \"yes\" and instrument == \"yes\" and bracelet == \"yes\" and shirt == \"yes\":\n answer = \"yes\""}, "64380": {"question": "Is it true that the dispenser on the right is a cylinder with a narrow nozzle?", "program": "answer = query(images[1], \"Is the dispenser a cylinder with a narrow nozzle?\")"}, "21763": {"question": "Is it true that there are no more than two dung beetles?", "program": "beetle_count = 0\nfor image in images:\n beetle_count += int(query(image, \"How many dung beetles are there?\"))\nif beetle_count <= 2:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "13713": {"question": "Is it true that two jellyfish are visible in the left image?", "program": "answer = query(images[0], \"Are there two jellyfish visible?\")"}, "82296": {"question": "Is it true that exactly two locks are shown, both of them locked and with a circular design and logo on the front, one with ridges on each side?", "program": "count = 0\nfor image in images:\n lock_count = int(query(image, \"How many locks are shown?\"))\n count += lock_count\nall_locked = True\nall_circular_logo = True\nlock_with_ridges_exists = False\nfor image in images:\n locked = query(image, \"Are the locks locked?\")\n circular_logo = query(image, \"Do all the locks have a circular design and a logo on the front?\")\n ridges = query(image, \"Is there a lock with ridges on each side?\")\n if locked == \"no\":\n all_locked = False\n if circular_logo == \"yes\":\n all_circular_logo = False\n if ridges == \"yes\":\n lock_with_ridges_exists = True\nif count == 2 and all_locked and all_circular_logo and lock_with_ridges_exists:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "78987": {"question": "Is it true that there are two mice near yellow and orange seats?", "program": "count = 0\nfor image in images:\n yellow_orange_seats = query(image, \"Are there yellow and orange seats?\")\n mice = int(query(image, \"How many mice are there?\"))\n if yellow_orange_seats == \"yes\":\n count += mice\nif count == 2:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "52662": {"question": "Is it true that the pillow in one of the images has three buttons?", "program": "answer = \"no\"\nfor image in images:\n three_buttons = query(image, \"Does the pillow have three buttons?\")\n if three_buttons == \"yes\":\n answer = \"yes\""}, "40224": {"question": "Is it true that a bloody carcass lies in the grass in one image?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a bloody carcass lying in the grass?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "32808": {"question": "Is it true that the phones in each of the image are stacked upon each other?", "program": "answer = \"yes\"\nfor image in images:\n stacked = query(image, \"Are the phones stacked upon each other?\")\n if stacked == \"no\":\n answer = \"no\""}, "7450": {"question": "Is it true that there are 4 or more dogs, and one of them is being held up by a human?", "program": "count = 0\nheld_by_human = False\nfor image in images:\n dogs = int(query(image, \"How many dogs do you see?\"))\n count += dogs\n held_i = query(image, \"Is there a dog held up by a human?\")\n if held_i == \"yes\":\n held_by_human = True\nif count >= 4 and held_by_human:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "81375": {"question": "Is it true that each image contains the same number of dogs, at least one of the dogs depicted gazes straight forward, and all dogs are erect-eared doberman?", "program": "counts = []\ngazes_forward = False\ndoberman = []\nfor image in images:\n count = int(query(image, \"How many dogs are there?\")\n counts.append(count)\n forward = query(image, \"Is there a dog gazing straight forward?\")\n gazes_forward = gazes_forward or (forward == \"yes\")\n doberman.append(query(image, \"Are the dogs all erect-eared doberman?\"))\nif all([c == counts[0] for c in counts]) and gazes_forward and all([d == \"yes\" for d in doberman]):\n answer = \"yes\"\nelse:\n answer = \"no\""}, "33992": {"question": "Is it true that an image features some neatly stacked rolls of paper towels?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Are there some neatly stacked rolls of paper towels?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "77829": {"question": "Is it true that in at least one image there is a single cooked crab upside down exposing it's soft parts?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a single cooked crab upside down exposing its soft parts?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "26382": {"question": "Is it true that there is at least one human to the left of the dog?", "program": "answer = \"no\"\nfor image in images:\n dog = query(image, \"Is there a dog?\")\n if dog == \"yes\":\n human = query(image, \"Is there a human to the left of the dog?\")\n if human == \"yes\":\n answer = \"yes\""}} \ No newline at end of file diff --git a/nlvr2_programs_and_questions50_find.json b/nlvr2_programs_and_questions50_find.json new file mode 100644 index 0000000..11b524b --- /dev/null +++ b/nlvr2_programs_and_questions50_find.json @@ -0,0 +1 @@ +{"38144": {"question": "Is it true that one image shows stacked disk shapes garnished with green sprigs, and the other image features something creamy with broccoli florets in it?", "program": "green_sprigs = False\nbroccoli = False\nfor image in images:\n green_sprigs_i = query(image, \"Does this image show stacked disk shapes garnished with green sprigs?\") == \"yes\"\n broccoli_i = False\n if not green_sprigs_i:\n broccoli_i = query(image, \"Does this image show something creamy with broccoli florets in it?\") == \"yes\"\n green_sprigs = green_sprigs or green_sprigs_i\n broccoli = broccoli or broccoli_i\nif green_sprigs and broccoli:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "46789": {"question": "Is it true that one interior image of a yurt shows a bedroom with one wide bed with a headboard and a trunk sitting at the end of the bed?", "program": "answer = \"no\"\nfor image in images:\n is_yurt = query(image, \"Is this an interior image of a yurt?\")\n if is_yurt == \"yes\":\n headboard = query(image, \"Does this image show one wide bed with a headboard?\")\n trunk = query(image, \"Does this image show one wide bed with a trunk sitting at the end of it?\")\n if headboard == \"yes\" and trunk == \"yes\":\n answer = \"yes\""}, "2110": {"question": "Is it true that one image shows exactly three gorillas, including a baby?", "program": "answer = \"no\"\nfor image in images:\n gorillas = find_object(image, \"gorilla\")\n gorillas_count = len(gorillas)\n baby = query(image, \"Does this image show a baby?\")\n if gorillas_count == 3 and baby == \"yes\":\n answer = \"yes\""}, "16345": {"question": "Is it true that two striped cats are nursing on a dog in one of the images?", "program": "answer = \"no\"\nfor image in images:\n two_cats_nursing_on_a_dog = query(image, \"Are there two cats nursing on a dog?\")\n striped_cats = query(image, \"Are the cats striped?\")\n if two_cats_nursing_on_a_dog == \"yes\" and striped_cats == \"yes\":\n answer = \"yes\""}, "19536": {"question": "Is it true that right image shows a bakery with pale green display cases and black track lighting suspended from a wood plank ceiling?", "program": "bakery = query(images[1], \"Does this image show a bakery?\") == \"yes\"\ndisplay_cases = query(images[1], \"Does this image show pale green display cases?\") == \"yes\"\nblack_track_lighting = query(images[1], \"Does this image show black track lighting?\") == \"yes\"\nwood_plank_ceiling = query(images[1], \"Does this image show a wood plank ceiling?\") == \"yes\"\nif bakery and display_cases and black_track_lighting and wood_plank_ceiling:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "68898": {"question": "Is it true that one of the pelicans is opening its mouth wide?", "program": "answer = \"no\"\nfor image in images:\n pelican_exists = query(image, \"Is there a pelican?\")\n if pelican_exists == \"yes\":\n open_mouthed = query(image, \"Is there a pelican with its mouth open?\")\n if open_mouthed == \"yes\":\n answer = \"yes\""}, "83365": {"question": "Is it true that right image shows a white dog sleeping on the floor with its belly facing up?", "program": "answer = query(images[1], \"Is there a white dog sleeping on the floor with its belly facing up?\")"}, "82401": {"question": "Is it true that there is a white built in bookshelf with a sofa , two chairs and a coffee table in front of it?", "program": "answer = \"no\"\nfor image in images:\n bookshelf_exists = query(image, \"Is there a white built in bookshelf?\")\n if bookshelf_exists == \"yes\":\n sofa_exists = query(image, \"Is there a sofa in front of the bookshelf?\")\n chairs = find_object(image, \"chair\")\n chairs_count = len(chairs)\n coffee_table_exists = query(image, \"Is there a coffee table in front of the bookshelf?\")\n if sofa_exists == \"yes\" and chairs_count == 2 and coffee_table_exists == \"yes\":\n answer = \"yes\""}, "27086": {"question": "Is it true that the left image shows two green acorns in the foreground which lack any brown patches on their skins, and the right image shows foliage without individually distinguishable acorns?", "program": "left_green_acorns = find_object(images[0], \"green acorn\")\nleft_green_acorns_count = len(left_green_acorns)\nleft_brown_patches = query(images[0], \"Do the green acorns have brown patches?\")\nright_foliage = query(images[1], \"Is there foliage without individually distinguishable acorns?\")\nif left_green_acorns_count == 2 and left_brown_patches == \"no\" and right_foliage == \"yes\":\n answer = \"yes\"\nelse:\n answer = \"no\""}, "24525": {"question": "Is it true that there is at least one disposable water bottle with a white cap?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a disposable water bottle with a white cap?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "64616": {"question": "Is it true that there are three hounds in the right image?", "program": "hounds = find_object(images[1], \"hound\")\nhounds_count = len(hounds)\nif hounds_count == 3:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "9184": {"question": "Is it true that there are at least two animals in the image on the left?", "program": "animals = find_object(images[0], \"animal\")\nanimals_count = len(animals)\nif animals_count >= 2:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "40300": {"question": "Is it true that a person is holding a dog in one of the images?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a person holding a dog?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "5101": {"question": "Is it true that one image shows a dog on a leash and the other shows a dog by white fabric?", "program": "dog_on_leash = False\ndog_white_fabric = False\nfor image in images:\n leash_i = query(image, \"Is there a dog on a leash?\") == \"yes\"\n if leash_i:\n dog_on_leash = True\n else:\n white_fabric_i = query(image, \"Is there a dog by white fabric?\") == \"yes\"\n dog_white_fabric = dog_white_fabric or white_fabric_i\nif dog_on_leash and dog_white_fabric:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "83984": {"question": "Is it true that a dog is sitting in one picture and in the other picture ta dog is lying down and asleep?", "program": "sitting = False\nasleep = False\nfor image in images:\n sitting_i = query(image, \"Is there a dog sitting?\") == \"yes\"\n if sitting_i:\n sitting = True\n else:\n asleep_i = query(image, \"Is there a dog lying down and asleep?\") == \"yes\"\n asleep = asleep or asleep_i\nif sitting and asleep:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "7722": {"question": "Is it true that two geese are floating on the water in the image on the left?", "program": "geese_water_exist = query(images[0], \"Are there geese floating on the water?\")\ngeese = find_object(images[0], \"goose floating on the water\")\ngeese_count = len(geese)\nif geese_water_exist == \"yes\" and geese_count == 2:\n answer = \"no\"\nelse:\n answer = \"no\""}, "2938": {"question": "Is it true that there is at least one person in each image with a water buffalo?", "program": "person_each_image = []\nfor image in images:\n person = query(image, \"Is there a person?\")\n water_buffalo = query(image, \"Is there a water buffalo?\")\n if person == \"yes\" and water_buffalo == \"yes\":\n person_each_image.append(True)\n else:\n person_each_image.append(False)\nif all(person_each_image):\n answer = \"yes\"\nelse:\n answer = \"no\""}, "61872": {"question": "Is it true that one of the images features an adult dog on green grass?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there an adult dog on green grass?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "24635": {"question": "Is it true that at least one of the images show only one penguin?", "program": "answer = \"no\"\nfor image in images:\n penguin_count = int(query(image, \"How many penguins are there?\"))\n if penguin_count == 1:\n answer = \"yes\""}, "79328": {"question": "Is it true that there are 4 or more parrots flying to the right?", "program": "parrot_count = 0\nfor image in images:\n parrots = find_object(image, \"parrot flying to the right\")\n count_i = len(parrots)\n parrot_count += count_i\nif parrot_count >= 4:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "18554": {"question": "Is it true that the sky is visible in the background of at least one of the images?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is the sky visible in the background?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "56284": {"question": "Is it true that in at least one image there is a squared white walled building with at least three floors?", "program": "answer = \"no\"\nfor image in images:\n building_exists = query(image, \"Is there a squared white walled building?\")\n three_floors = query(image, \"Does the white building have at least three floors?\")\n if building_exists == \"yes\" and three_floors == \"yes\":\n answer = \"yes\""}, "33230": {"question": "Is it true that one image features a wolf on snowy ground, and the other includes a body of water and at least one wolf?", "program": "wolf_snowy_ground = False\nwolf_water = False\nfor image in images:\n wolf_snowy_ground_i = query(image, \"Is there a wolf on snowy ground?\")\n if wolf_snowy_ground_i == \"yes\":\n wolf_snowy_ground = True\n else:\n wolf_water_i = query(image, \"Is there a body of water?\") == \"yes\" and query(image, \"Is there a wolf?\") == \"yes\"\n wolf_water = wolf_water or wolf_water_i\nif wolf_snowy_ground and wolf_water:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "77904": {"question": "Is it true that an image includes multiple penguins with fuzzy brown feathers, along with at least one black and white penguin?", "program": "answer = \"no\"\nfor image in images:\n brown_penguins = find_object(image, \"fuzzy brown penguin\")\n brown_penguins_count = len(brown_penguins)\n if brown_penguins_count > 1 and black_and_white_penguin == \"yes\":\n answer = \"yes\""}, "40252": {"question": "Is it true that both sets of doors in the images are white?", "program": "answer = \"yes\"\nfor image in images:\n door_set_exists = query(image, \"Is there a set of doors?\")\n if door_set_exists == \"yes\":\n white_door_set = query(image, \"Is the set of doors white?\")\n if white_door_set == \"no\":\n answer = \"no\""}, "28481": {"question": "Is it true that the left image contains at least one lemon with a criss-cross cut through the top filled with fine white grains?", "program": "answer = query(images[0], \"Is there a lemon with a criss-cross cut through the top filled with fine white grains?\")"}, "7987": {"question": "Is it true that the ocean is visible behind the buildings and cliffside in the left image, but it is not visible in the right image?", "program": "left = query(images[0], \"Is the ocean visible behind the buildings and cliffside?\")\nright = query(images[1], \"Is the ocean visible?\")\nif left == \"yes\" and right == \"no\":\n answer = \"yes\"\nelse:\n answer = \"no\""}, "81624": {"question": "Is it true that at least one of the pillows is designed to look like the instagram logo?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a pillow designed to look like the instagram logo?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "54871": {"question": "Is it true that on the left a green lawn rises up to meet a white country cottage?", "program": "green_lawn = query(images[0], \"Is there a green lawn?\")\ncottage = query(images[0], \"Does the green lawn rise up to meet a white country cottage?\")\nif green_lawn == \"yes\" and cottage == \"yes\":\n answer = \"yes\"\nelse:\n answer = \"no\""}, "20451": {"question": "Is it true that there are three or more cups with coffee in them?", "program": "count = 0\nfor image in images:\n coffee_cups = find_object(image, \"cup with coffee\")\n count += len(coffee_cups)\nif count >= 3:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "8162": {"question": "Is it true that the wall-filling white shelf unit in the left image features multiple red squares?", "program": "red_squares = find_object(images[0], \"red square\")\nred_squares_count = len(red_squares)\nif red_squares_count > 1:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "53346": {"question": "Is it true that there is a man outside walking with at least ten red balloons?", "program": "answer = \"no\"\nfor image in images:\n man_outside = query(image, \"Is there a man outside walking?\")\n balloons = find_object(image, \"red balloon\")\n balloons_count = len(balloons) if man_outside == \"yes\" and balloons_count >= 10:\n answer = \"yes\""}, "59809": {"question": "Is it true that one image features at least two dogs?", "program": "answer = \"no\"\nfor image in images:\n dogs = find_object(image, \"dog\")\n dogs_count = len(dogs)\n if dogs_count >= 2:\n answer = \"yes\""}, "57116": {"question": "Is it true that the left image contains no more than two wild boars?", "program": "wild_boars = find_object(images[0], \"wild boar\")\nwild_boars_count = len(wild_boars)\nif wild_boars_count <= 2:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "75312": {"question": "Is it true that a human hand is offering food to birds in the left image?", "program": "answer = query(images[0], \"Is a human hand offering food to birds in this image?\")"}, "42332": {"question": "Is it true that at least one dog has it's mouth open?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a dog with its mouth open?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "81864": {"question": "Is it true that there is a bald ban holding an instrument with a bracelet on and a short sleeved button down shirt?", "program": "answer = \"no\"\nfor image in images:\n bald_ban = query(image, \"Is there a bald ban?\")\n instrument = query(image, \"Is the bald ban holding an instrument?\")\n bracelet = query(image, \"Does the bald ban have a bracelet on?\")\n shirt = query(image, \"Is the bald ban wearing a short sleeved button down shirt?\")\n if bald_ban == \"yes\" and instrument == \"yes\" and bracelet == \"yes\" and shirt == \"yes\":\n answer = \"yes\""}, "64380": {"question": "Is it true that the dispenser on the right is a cylinder with a narrow nozzle?", "program": "answer = query(images[1], \"Is the dispenser a cylinder with a narrow nozzle?\")"}, "21763": {"question": "Is it true that there are no more than two dung beetles?", "program": "beetle_count = 0\nfor image in images:\n beetles = find_object(image, \"dung beetle\")\n beetle_count += len(beetles)\nif beetle_count <= 2:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "13713": {"question": "Is it true that two jellyfish are visible in the left image?", "program": "jellyfish = find_object(images[0], \"jellyfish\")\njellyfish_count = len(jellyfish)\nif jellyfish_count == 2:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "82296": {"question": "Is it true that exactly two locks are shown, both of them locked and with a circular design and logo on the front, one with ridges on each side?", "program": "count = 0\nfor image in images:\n locks = find_object(image, \"lock\")\n count += len(locks)\nall_locked = True\nall_circular_logo = True\nlock_with_ridges_exists = False\nfor image in images:\n locked = query(image, \"Are the locks locked?\")\n circular_logo = query(image, \"Do all the locks have a circular design and a logo on the front?\")\n ridges = query(image, \"Is there a lock with ridges on each side?\")\n if locked == \"no\":\n all_locked = False\n if circular_logo == \"yes\":\n all_circular_logo = False\n if ridges == \"yes\":\n lock_with_ridges_exists = True\nif count == 2 and all_locked and all_circular_logo and lock_with_ridges_exists:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "78987": {"question": "Is it true that there are two mice near yellow and orange seats?", "program": "count = 0\nfor image in images:\n yellow_orange_seats = query(image, \"Are there yellow and orange seats?\")\n mice = find_object(image, \"mouse\")\n if yellow_orange_seats == \"yes\":\n count += len(mice)\nif count == 2:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "52662": {"question": "Is it true that the pillow in one of the images has three buttons?", "program": "answer = \"no\"\nfor image in images:\n buttons = find_object(image, \"button on pillow\")\n buttons_count = len(buttons) if buttons_count == 3:\n answer = \"yes\""}, "40224": {"question": "Is it true that a bloody carcass lies in the grass in one image?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a bloody carcass lying in the grass?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "32808": {"question": "Is it true that the phones in each of the image are stacked upon each other?", "program": "answer = \"yes\"\nfor image in images:\n stacked = query(image, \"Are the phones stacked upon each other?\")\n if stacked == \"no\":\n answer = \"no\""}, "7450": {"question": "Is it true that there are 4 or more dogs, and one of them is being held up by a human?", "program": "count = 0\nheld_by_human = False\nfor image in images:\n dogs = find_object(image, \"dog\")\n count += len(dogs)\n held_i = query(image, \"Is there a dog held up by a human?\")\n if held_i == \"yes\":\n held_by_human = True\nif count >= 4 and held_by_human:\n answer = \"yes\"\nelse:\n answer = \"no\""}, "81375": {"question": "Is it true that each image contains the same number of dogs, at least one of the dogs depicted gazes straight forward, and all dogs are erect-eared doberman?", "program": "counts = []\ngazes_forward = False\ndoberman = []\nfor image in images:\n dogs = find_object(image, \"dog\")\n counts.append(len(dogs))\n forward = query(image, \"Is there a dog gazing straight forward?\")\n gazes_forward = gazes_forward or (forward == \"yes\")\n doberman.append(query(image, \"Are the dogs all erect-eared doberman?\"))\nif all([c == counts[0] for c in counts]) and gazes_forward and all([d == \"yes\" for d in doberman]):\n answer = \"yes\"\nelse:\n answer = \"no\""}, "33992": {"question": "Is it true that an image features some neatly stacked rolls of paper towels?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Are there some neatly stacked rolls of paper towels?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "77829": {"question": "Is it true that in at least one image there is a single cooked crab upside down exposing it's soft parts?", "program": "answer = \"no\"\nfor image in images:\n answer_i = query(image, \"Is there a single cooked crab upside down exposing its soft parts?\")\n if answer_i == \"yes\":\n answer = \"yes\""}, "26382": {"question": "Is it true that there is at least one human to the left of the dog?", "program": "answer = \"no\"\nfor image in images:\n dog = query(image, \"Is there a dog?\")\n if dog == \"yes\":\n human = query(image, \"Is there a human to the left of the dog?\")\n if human == \"yes\":\n answer = \"yes\""}} \ No newline at end of file diff --git a/run_scripts/pnp-vqa/eval/eval_covr_gpt3.sh b/run_scripts/pnp-vqa/eval/eval_covr_gpt3.sh new file mode 100644 index 0000000..5efc9c7 --- /dev/null +++ b/run_scripts/pnp-vqa/eval/eval_covr_gpt3.sh @@ -0,0 +1,2 @@ +python -m torch.distributed.run --nproc_per_node=1 --master_port 44446 evaluate.py --cfg-path lavis/projects/pnp-vqa/eval/covr_eval_gpt3_codevqa.yaml +python -m torch.distributed.run --nproc_per_node=1 --master_port 44446 evaluate.py --cfg-path lavis/projects/pnp-vqa/eval/covr_eval_gpt3.yaml diff --git a/run_scripts/pnp-vqa/eval/eval_gqa_gpt3.sh b/run_scripts/pnp-vqa/eval/eval_gqa_gpt3.sh new file mode 100644 index 0000000..76a8d8c --- /dev/null +++ b/run_scripts/pnp-vqa/eval/eval_gqa_gpt3.sh @@ -0,0 +1,2 @@ +python -m torch.distributed.run --nproc_per_node=1 --master_port 44446 evaluate.py --cfg-path lavis/projects/pnp-vqa/eval/gqa_eval_gpt3_codevqa.yaml +# python -m torch.distributed.run --nproc_per_node=1 --master_port 44446 evaluate.py --cfg-path lavis/projects/pnp-vqa/eval/gqa_eval_gpt3.yaml diff --git a/run_scripts/pnp-vqa/eval/eval_nlvr2_gpt3.sh b/run_scripts/pnp-vqa/eval/eval_nlvr2_gpt3.sh new file mode 100644 index 0000000..28f8be7 --- /dev/null +++ b/run_scripts/pnp-vqa/eval/eval_nlvr2_gpt3.sh @@ -0,0 +1,2 @@ +python -m torch.distributed.run --nproc_per_node=1 --master_port 44446 evaluate.py --cfg-path lavis/projects/pnp-vqa/eval/nlvr2_eval_gpt3_codevqa.yaml +python -m torch.distributed.run --nproc_per_node=1 --master_port 44446 evaluate.py --cfg-path lavis/projects/pnp-vqa/eval/nlvr2_eval_gpt3.yaml